Avalanche is an End-to-End Continual Learning Library based on PyTorch, born within ContinualAI with the unique goal of providing a shared and collaborative open-source (MIT licensed) codebase for fast prototyping, training and reproducible evaluation of continual learning algorithms.
Avalanche can help Continual Learning researchers and practitioners in several ways:
Write less code, prototype faster & reduce errors
Improve reproducibility
Improve modularity and reusability
Increase code efficiency, scalability & portability
Augment impact and usability of your research products
The library is organized in five main modules:
Benchmarks
: This module maintains a uniform API for data handling: mostly generating a stream of data from one or more datasets. It contains all the major CL benchmarks (similar to what has been done for torchvision).
Training
: This module provides all the necessary utilities concerning model training. This includes simple and efficient ways of implement new continual learning strategies as well as a set pre-implemented CL baselines and state-of-the-art algorithms you will be able to use for comparison!
Evaluation
: This modules provides all the utilities and metrics that can help evaluate a CL algorithm with respect to all the factors we believe to be important for a continually learning system.
Models
: In this module you'll be able to find several model architectures and pre-trained models that can be used for your continual learning experiment (similar to what has been done in torchvision.models).
Logging
: It includes advanced logging and plotting features, including native stdout, file and TensorBoard support (How cool it is to have a complete, interactive dashboard, tracking your experiment metrics in real-time with a single line of code?)
Avalanche the first experiment of a End-to-end Library for reproducible continual learning research & development where you can find benchmarks, algorithms, evaluation metrics and much more, in the same place.
Let's make it together 👫 a wonderful ride! 🎈
Check out how your code changes when you start using Avalanche! 👇
import torchfrom torch.nn import CrossEntropyLossfrom torch.optim import SGDfrom avalanche.benchmarks.classic import PermutedMNISTfrom avalanche.extras.models import SimpleMLPfrom avalanche.training.strategies import Naive# Configdevice = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")# modelmodel = SimpleMLP(num_classes=10)# CL Benchmark Creationperm_mnist = PermutedMNIST(n_experiences=3)train_stream = perm_mnist.train_streamtest_stream = perm_mnist.test_stream# Prepare for training & testingoptimizer = SGD(model.parameters(), lr=0.001, momentum=0.9)criterion = CrossEntropyLoss()# Continual learning strategycl_strategy = Naive(model, optimizer, criterion, train_mb_size=32, train_epochs=2,eval_mb_size=32, device=device)# train and test loopresults = []for train_task in train_stream:cl_strategy.train(train_task, num_workers=4)results.append(cl_strategy.eval(test_stream))
import torchfrom torch.nn import CrossEntropyLossfrom torch.optim import SGDfrom torchvision import transformsfrom torchvision.datasets import MNISTfrom torchvision.transforms import ToTensor, RandomCrop# Configdevice = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")n_tasks = 5n_classes = 10train_ep = 2mb_size = 32# modelclass SimpleMLP(nn.Module):def __init__(self, num_classes=10, input_size=28*28):super(SimpleMLP, self).__init__()self.features = nn.Sequential(nn.Linear(input_size, 512),nn.ReLU(inplace=True),nn.Dropout(),)self.classifier = nn.Linear(512, num_classes)self._input_size = input_sizedef forward(self, x):x = x.contiguous()x = x.view(x.size(0), self._input_size)x = self.features(x)x = self.classifier(x)return xmodel = SimpleMLP(num_classes=n_classes)# CL Benchmark Creationlist_train_dataset = []list_test_dataset = []rng_permute = np.random.RandomState(seed)train_transform = transforms.Compose([RandomCrop(28, padding=4),ToTensor(),transforms.Normalize((0.1307,), (0.3081,))])test_transform = transforms.Compose([ToTensor(),transforms.Normalize((0.1307,), (0.3081,))])# for every incremental experiencefor _ in range(n_tasks):# choose a random permutation of the pixels in the imageidx_permute = torch.from_numpy(rng_permute.permutation(784)).type(torch.int64)# add the permutation to the default dataset transformationtrain_transform_list = train_transform.transforms.copy()train_transform_list.append(transforms.Lambda(lambda x: x.view(-1)[idx_permute].view(1, 28, 28)))new_train_transform = transforms.Compose(train_transform_list)test_transform_list = test_transform.transforms.copy()test_transform_list.append(transforms.Lambda(lambda x: x.view(-1)[idx_permute].view(1, 28, 28)))new_test_transform = transforms.Compose(test_transform_list)# get the datasets with the constructed transformationpermuted_train = MNIST(root='./data/mnist',download=True, transform=train_transformation)permuted_test = MNIST(root='./data/mnist',train=False,download=True, transform=test_transformation)list_train_dataset.append(permuted_train)list_test_dataset.append(permuted_test)# Trainoptimizer = SGD(model.parameters(), lr=0.001, momentum=0.9)criterion = CrossEntropyLoss()for task_id, train_dataset in enumerate(list_train_dataset):train_data_loader = DataLoader(train_dataset, num_workers=num_workers, batch_size=train_mb_size)for ep in range(train_ep):for iteration, (train_mb_x, train_mb_y) in enumerate(train_data_loader):optimizer.zero_grad()train_mb_x = train_mb_x.to(device)train_mb_y = train_mb_y.to(device)# Forwardlogits = model(train_mb_x)# Lossloss = criterion(logits, train_mb_y)# Backwardloss.backward()# Updateoptimizer.step()# Testacc_results = []for task_id, test_dataset in enumerate(list_test_dataset):train_data_loader = DataLoader(train_dataset, num_workers=num_workers, batch_size=train_mb_size)correct = 0for iteration, (test_mb_x, test_mb_y) in enumerate(test_data_loader):# Move mini-batch data to devicetest_mb_x = test_mb_x.to(device)test_mb_y = test_mb_y.to(device)# Forwardtest_logits = model(test_mb_x)# Losstest_loss = criterion(test_logits, test_mb_y)# compute acccorrect += (test_mb_y.eq(test_logits.long())).sum()acc_results.append(len(test_dataset)/correct)
We know that learning a new tool may be tough at first. This is why we made Avalanche as easy as possible to learn with a set of resources that will help you along the way.
For example, you may start with our 5-minutes guide that will let you acquire the basics about Avalanche and how you can use it in your research project:
We have also prepared for you a large set of examples & snippets you can plug-in directly into your code and play with:
Having completed these two sections, you will already feel with superpowers ⚡, this is why we have also created an in-depth tutorial that will cover all the aspect of Avalanche in details and make you a true Continual Learner! 👨🎓️
If you used Avalanche in your research project, please remember to cite our reference paper "Avalanche: an End-to-End Library for Continual Learning". This will help us make Avalanche better known in the machine learning community, ultimately making a better tool for everyone:
@misc{lomonaco2021avalanche,title={Avalanche: an End-to-End Library for Continual Learning},author={Vincenzo Lomonaco and Lorenzo Pellegrini and Andrea Cossu and Antonio Carta and Gabriele Graffieti and Tyler L. Hayes and Matthias De Lange and Marc Masana and Jary Pomponi and Gido van de Ven and Martin Mundt and Qi She and Keiland Cooper and Jeremy Forest and Eden Belouadah and Simone Calderara and German I. Parisi and Fabio Cuzzolin and Andreas Tolias and Simone Scardapane and Luca Antiga and Subutai Amhad and Adrian Popescu and Christopher Kanan and Joost van de Weijer and Tinne Tuytelaars and Davide Bacciu and Davide Maltoni},year={2021},eprint={2104.00405},archivePrefix={arXiv},primaryClass={cs.LG}}
Avalanche is the flagship open-source collaborative project of ContinualAI: a non profit research organization and the largest open community on Continual Learning for AI.
Do you have a question, do you want to report an issue or simply ask for a new feature? Check out the Questions & Issues center. Do you want to improve Avalanche yourself? Follow these simple rules on How to Contribute.
The Avalanche project is maintained by the collaborative research team ContinualAI Lab and used extensively by the Units of the ContinualAI Research (CLAIR) consortium, a research network of the major continual learning stakeholders around the world.
We are always looking for new awesome members willing to join the ContinualAI Lab, so check out our official website if you want to learn more about us and our activities, or contact us.
Learn more about the Avalanche team and all the people who made it great!