123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293 |
- LICENSE
- MANIFEST.in
- README.md
- extra_dependencies.txt
- pyproject.toml
- setup.cfg
- setup.py
- avalanche/__init__.py
- avalanche/core.py
- avalanche/benchmarks/__init__.py
- avalanche/benchmarks/classic/__init__.py
- avalanche/benchmarks/classic/ccifar10.py
- avalanche/benchmarks/classic/ccifar100.py
- avalanche/benchmarks/classic/ccub200.py
- avalanche/benchmarks/classic/cfashion_mnist.py
- avalanche/benchmarks/classic/cimagenet.py
- avalanche/benchmarks/classic/cinaturalist.py
- avalanche/benchmarks/classic/classic_benchmarks_utils.py
- avalanche/benchmarks/classic/clear.py
- avalanche/benchmarks/classic/cmnist.py
- avalanche/benchmarks/classic/comniglot.py
- avalanche/benchmarks/classic/core50.py
- avalanche/benchmarks/classic/ctiny_imagenet.py
- avalanche/benchmarks/classic/ctrl.py
- avalanche/benchmarks/classic/endless_cl_sim.py
- avalanche/benchmarks/classic/ex_model.py
- avalanche/benchmarks/classic/openloris.py
- avalanche/benchmarks/classic/stream51.py
- avalanche/benchmarks/datasets/__init__.py
- avalanche/benchmarks/datasets/dataset_utils.py
- avalanche/benchmarks/datasets/downloadable_dataset.py
- avalanche/benchmarks/datasets/imagenet_data.py
- avalanche/benchmarks/datasets/omniglot.py
- avalanche/benchmarks/datasets/torchaudio_wrapper.py
- avalanche/benchmarks/datasets/torchvision_wrapper.py
- avalanche/benchmarks/datasets/clear/__init__.py
- avalanche/benchmarks/datasets/clear/clear.py
- avalanche/benchmarks/datasets/clear/clear_data.py
- avalanche/benchmarks/datasets/core50/__init__.py
- avalanche/benchmarks/datasets/core50/core50.py
- avalanche/benchmarks/datasets/core50/core50_data.py
- avalanche/benchmarks/datasets/cub200/__init__.py
- avalanche/benchmarks/datasets/cub200/cub200.py
- avalanche/benchmarks/datasets/endless_cl_sim/__init__.py
- avalanche/benchmarks/datasets/endless_cl_sim/endless_cl_sim.py
- avalanche/benchmarks/datasets/endless_cl_sim/endless_cl_sim_data.py
- avalanche/benchmarks/datasets/inaturalist/__init__.py
- avalanche/benchmarks/datasets/inaturalist/inaturalist.py
- avalanche/benchmarks/datasets/inaturalist/inaturalist_data.py
- avalanche/benchmarks/datasets/lvis_dataset/__init__.py
- avalanche/benchmarks/datasets/lvis_dataset/lvis_data.py
- avalanche/benchmarks/datasets/lvis_dataset/lvis_dataset.py
- avalanche/benchmarks/datasets/mini_imagenet/__init__.py
- avalanche/benchmarks/datasets/mini_imagenet/mini_imagenet.py
- avalanche/benchmarks/datasets/mini_imagenet/mini_imagenet_data.py
- avalanche/benchmarks/datasets/mini_imagenet/csv_files/test.csv
- avalanche/benchmarks/datasets/mini_imagenet/csv_files/train.csv
- avalanche/benchmarks/datasets/mini_imagenet/csv_files/val.csv
- avalanche/benchmarks/datasets/openloris/__init__.py
- avalanche/benchmarks/datasets/openloris/openloris.py
- avalanche/benchmarks/datasets/openloris/openloris_data.py
- avalanche/benchmarks/datasets/penn_fudan/__init__.py
- avalanche/benchmarks/datasets/penn_fudan/penn_fudan_data.py
- avalanche/benchmarks/datasets/penn_fudan/penn_fudan_dataset.py
- avalanche/benchmarks/datasets/stream51/__init__.py
- avalanche/benchmarks/datasets/stream51/stream51.py
- avalanche/benchmarks/datasets/stream51/stream51_data.py
- avalanche/benchmarks/datasets/tiny_imagenet/__init__.py
- avalanche/benchmarks/datasets/tiny_imagenet/tiny_imagenet.py
- avalanche/benchmarks/generators/__init__.py
- avalanche/benchmarks/generators/benchmark_generators.py
- avalanche/benchmarks/generators/scenario_generators.py
- avalanche/benchmarks/scenarios/__init__.py
- avalanche/benchmarks/scenarios/classification_scenario.py
- avalanche/benchmarks/scenarios/detection_scenario.py
- avalanche/benchmarks/scenarios/exmodel_scenario.py
- avalanche/benchmarks/scenarios/generic_benchmark_creation.py
- avalanche/benchmarks/scenarios/generic_definitions.py
- avalanche/benchmarks/scenarios/generic_scenario.py
- avalanche/benchmarks/scenarios/generic_scenario_creation.py
- avalanche/benchmarks/scenarios/lazy_dataset_sequence.py
- avalanche/benchmarks/scenarios/online_scenario.py
- avalanche/benchmarks/scenarios/rl_scenario.py
- avalanche/benchmarks/scenarios/scenario_utils.py
- avalanche/benchmarks/scenarios/new_classes/__init__.py
- avalanche/benchmarks/scenarios/new_classes/nc_scenario.py
- avalanche/benchmarks/scenarios/new_classes/nc_utils.py
- avalanche/benchmarks/scenarios/new_instances/__init__.py
- avalanche/benchmarks/scenarios/new_instances/ni_scenario.py
- avalanche/benchmarks/scenarios/new_instances/ni_utils.py
- avalanche/benchmarks/utils/__init__.py
- avalanche/benchmarks/utils/adaptive_transform.py
- avalanche/benchmarks/utils/avalanche_dataset.py
- avalanche/benchmarks/utils/data_loader.py
- avalanche/benchmarks/utils/dataset_definitions.py
- avalanche/benchmarks/utils/dataset_utils.py
- avalanche/benchmarks/utils/datasets_from_filelists.py
- avalanche/benchmarks/utils/torchvision_wrapper.py
- avalanche/benchmarks/utils/utils.py
- avalanche/evaluation/__init__.py
- avalanche/evaluation/metric_definitions.py
- avalanche/evaluation/metric_results.py
- avalanche/evaluation/metric_utils.py
- avalanche/evaluation/plot_utils.py
- avalanche/evaluation/metrics/__init__.py
- avalanche/evaluation/metrics/accuracy.py
- avalanche/evaluation/metrics/amca.py
- avalanche/evaluation/metrics/checkpoint.py
- avalanche/evaluation/metrics/class_accuracy.py
- avalanche/evaluation/metrics/confusion_matrix.py
- avalanche/evaluation/metrics/cpu_usage.py
- avalanche/evaluation/metrics/detection.py
- avalanche/evaluation/metrics/disk_usage.py
- avalanche/evaluation/metrics/forgetting_bwt.py
- avalanche/evaluation/metrics/forward_transfer.py
- avalanche/evaluation/metrics/gpu_usage.py
- avalanche/evaluation/metrics/images_samples.py
- avalanche/evaluation/metrics/labels_repartition.py
- avalanche/evaluation/metrics/loss.py
- avalanche/evaluation/metrics/mac.py
- avalanche/evaluation/metrics/mean.py
- avalanche/evaluation/metrics/mean_scores.py
- avalanche/evaluation/metrics/ram_usage.py
- avalanche/evaluation/metrics/timing.py
- avalanche/evaluation/metrics/topk_acc.py
- avalanche/evaluation/metrics/detection_evaluators/__init__.py
- avalanche/evaluation/metrics/detection_evaluators/coco_evaluator.py
- avalanche/evaluation/metrics/detection_evaluators/lvis_evaluator.py
- avalanche/logging/__init__.py
- avalanche/logging/base_logger.py
- avalanche/logging/csv_logger.py
- avalanche/logging/interactive_logging.py
- avalanche/logging/tensorboard_logger.py
- avalanche/logging/text_logging.py
- avalanche/logging/wandb_logger.py
- avalanche/models/__init__.py
- avalanche/models/base_model.py
- avalanche/models/batch_renorm.py
- avalanche/models/dynamic_modules.py
- avalanche/models/dynamic_optimizers.py
- avalanche/models/generator.py
- avalanche/models/helper_method.py
- avalanche/models/icarl_resnet.py
- avalanche/models/lenet5.py
- avalanche/models/mlp_tiny_imagenet.py
- avalanche/models/mobilenetv1.py
- avalanche/models/ncm_classifier.py
- avalanche/models/pnn.py
- avalanche/models/pytorchcv_wrapper.py
- avalanche/models/simple_cnn.py
- avalanche/models/simple_mlp.py
- avalanche/models/simple_sequence_classifier.py
- avalanche/models/slda_resnet.py
- avalanche/models/slim_resnet18.py
- avalanche/models/utils.py
- avalanche/training/__init__.py
- avalanche/training/losses.py
- avalanche/training/storage_policy.py
- avalanche/training/utils.py
- avalanche/training/plugins/__init__.py
- avalanche/training/plugins/agem.py
- avalanche/training/plugins/clock.py
- avalanche/training/plugins/cope.py
- avalanche/training/plugins/cwr_star.py
- avalanche/training/plugins/early_stopping.py
- avalanche/training/plugins/evaluation.py
- avalanche/training/plugins/ewc.py
- avalanche/training/plugins/gdumb.py
- avalanche/training/plugins/gem.py
- avalanche/training/plugins/generative_replay.py
- avalanche/training/plugins/gss_greedy.py
- avalanche/training/plugins/lfl.py
- avalanche/training/plugins/lr_scheduling.py
- avalanche/training/plugins/lwf.py
- avalanche/training/plugins/mas.py
- avalanche/training/plugins/replay.py
- avalanche/training/plugins/rwalk.py
- avalanche/training/plugins/strategy_plugin.py
- avalanche/training/plugins/synaptic_intelligence.py
- avalanche/training/supervised/__init__.py
- avalanche/training/supervised/ar1.py
- avalanche/training/supervised/cumulative.py
- avalanche/training/supervised/deep_slda.py
- avalanche/training/supervised/icarl.py
- avalanche/training/supervised/joint_training.py
- avalanche/training/supervised/lamaml.py
- avalanche/training/supervised/naive_object_detection.py
- avalanche/training/supervised/strategy_wrappers.py
- avalanche/training/supervised/strategy_wrappers_online.py
- avalanche/training/templates/__init__.py
- avalanche/training/templates/base.py
- avalanche/training/templates/base_online_sgd.py
- avalanche/training/templates/base_sgd.py
- avalanche/training/templates/online_supervised.py
- avalanche/training/templates/supervised.py
- avalanche_lib.egg-info/PKG-INFO
- avalanche_lib.egg-info/SOURCES.txt
- avalanche_lib.egg-info/dependency_links.txt
- avalanche_lib.egg-info/requires.txt
- avalanche_lib.egg-info/top_level.txt
- examples/__init__.py
- examples/all_mnist.py
- examples/all_mnist_early_stopping.py
- examples/ar1.py
- examples/clear.py
- examples/clear_linear.py
- examples/confusion_matrix.py
- examples/continual_sequence_classification.py
- examples/cope.py
- examples/dataloader.py
- examples/dataset_inspection.py
- examples/deep_slda.py
- examples/detection.py
- examples/detection_examples_utils.py
- examples/detection_lvis.py
- examples/endless_cl_sim.py
- examples/eval_plugin.py
- examples/ewc_mnist.py
- examples/ex_model_cl.py
- examples/gem_agem_mnist.py
- examples/generative_replay_MNIST_generator.py
- examples/generative_replay_splitMNIST.py
- examples/getting_started.py
- examples/icarl.py
- examples/joint_training.py
- examples/lamaml_cifar100.py
- examples/lfl_mnist.py
- examples/lwf_mnist.py
- examples/mean_scores.py
- examples/multihead.py
- examples/online_naive.py
- examples/online_replay.py
- examples/pytorchcv_models.py
- examples/replay.py
- examples/rwalk_mnist.py
- examples/simple_ctrl.py
- examples/standalone_metric.py
- examples/synaptic_intelligence.py
- examples/task_incremental.py
- examples/task_metrics.py
- examples/tensorboard_logger.py
- examples/test_install.py
- examples/wandb_logger.py
- examples/tvdetection/__init__.py
- examples/tvdetection/coco_eval.py
- examples/tvdetection/coco_utils.py
- examples/tvdetection/engine.py
- examples/tvdetection/group_by_aspect_ratio.py
- examples/tvdetection/lvis_eval.py
- examples/tvdetection/presets.py
- examples/tvdetection/train.py
- examples/tvdetection/transforms.py
- examples/tvdetection/utils.py
- tests/__init__.py
- tests/test_avalanche_dataset.py
- tests/test_cifar100_benchmarks.py
- tests/test_cifar10_benchmarks.py
- tests/test_core50.py
- tests/test_ctrl.py
- tests/test_custom_streams.py
- tests/test_dataloaders.py
- tests/test_endless_cl_sim.py
- tests/test_fmnist_benckmarks.py
- tests/test_helper_method.py
- tests/test_high_level_generators.py
- tests/test_loggers.py
- tests/test_metrics.py
- tests/test_mnist_benckmarks.py
- tests/test_models.py
- tests/test_nc_mt_scenario.py
- tests/test_nc_sit_scenario.py
- tests/test_ni_sit_scenario.py
- tests/test_tinyimagenet.py
- tests/unit_tests_utils.py
- tests/benchmarks/__init__.py
- tests/benchmarks/scenarios/__init__.py
- tests/benchmarks/scenarios/test_classification_scenario.py
- tests/benchmarks/scenarios/test_generic_scenario.py
- tests/benchmarks/scenarios/test_online_scenario.py
- tests/benchmarks/scenarios/test_rl_scenario.py
- tests/benchmarks/scenarios/test_scenarios_typechecks.py
- tests/evaluation/__init__.py
- tests/evaluation/test_image_samples.py
- tests/training/__init__.py
- tests/training/test_ar1.py
- tests/training/test_losses.py
- tests/training/test_online_strategies.py
- tests/training/test_plugins.py
- tests/training/test_replay.py
- tests/training/test_strategies.py
- tests/training/test_strategies_accuracy.py
- tests/training/test_stream_completeness.py
- tests/training/test_supervised_regression.py
|