Awesome
ContinualLM
<p align="center"> <br> <a href="https://github.com/UIC-Liu-Lab//ContinualLM"> <img src="https://github.com/UIC-Liu-Lab/ContinualLM/blob/main/docs/icon.png" width="200"/> </a> <figcaption>Imagine an LM that not only effortlessly acquires new knowledge but also retains its mastery of skills, all while successfully transferring knowledge. Is it even possible?</figcaption> <br> <p>News
🔥 We have added checkpoints in Hugging Face for easier reproduction!
🔥 We have added continual_pretrain.ipynb as a self-contained example of the soft-masking scenario. It runs well without GPUs!
🔥 Soft-masking can also work in conventional continual fine-tuning. Check out our latest EMNLP23 paper!
🔥 Wondering whether you can adapt a black-box LLM without worrying about the update of its parameters? Check out our latest paper on retrieval-augmented generation (RAG) here!
Quick Links
- Introduction
- Simple Example
- Dataset
- Architecture
- Installation
- Domain-adaptive Pre-training
- End-task Fine-tuning
- Checkpoints in Huggingface
- Reference
- Contact
Introduction
In 2021, we introduced Pycontinual, a straightforward and flexible framework for continual learning. Our research has benefited significantly from this framework. Today, we are excited to share the ContinualLM, an extensible continual learning framework focused on language models (LMs), designed to sustain the benefits of continual learning (CL) in this field.
Continual learning for LMs is distinct from traditional CL because
- Each task is treated as a domain-specific corpus (at present, our primary focus is on domain-adaptive pre-training, which is also known as pre-finetuning or post-training).
- Moreover, the evaluation process involves fine-tuning the corresponding end-task.
Our repository includes a PyTorch implementation of a collection of state-of-the-art (SoTA) methods, using the same training and evaluation pipeline. This repository is committed to advancing the field of continual learning for LMs. The methods included are:
- From our group:
- DAS: Continual Learning of Language Models, ICLR 2023
- CPT: Continual Training of Language Models for Few-Shot Learning, EMNLP 2022
- DGA: Adapting a Language Model While Preserving its General Knowledge, EMNLP 2022
- CTR: Achieving Forgetting Prevention and Knowledge Transfer in Continual Learning, NeurIPS 2021
- CLASSIC: CLASSIC: Continual and Contrastive Learning of Aspect Sentiment Classification Tasks, EMNLP 2021
- B-CL: Adapting BERT for Continual Learning of a Sequence of Aspect Sentiment Classification Tasks, NAACL 2021
- From other groups (more to come):
- DEMIX: Demix layers: Disentangling domains for modular language modeling;, Gururangan et al., NAACL 2022)
- EWC: Overcoming catastrophic forgetting in neural networks, Kirkpatrick et al., PNAS 2017
- DER++: Dark experience for general continual learning: a strong, simple baseline, Buzzega et al., NeuriPS 2020
- HAT: Overcoming catastrophic forgetting with hard attention to the task, Serrà et al., ICML 2018
- Widely employed baselines for continual learning:
- NCL: Naive continual learning:continual domain-adaptive pre-training of a sequence of domains, without any specific attention paid to the issues of forgetting or transfer.
- ONE: Individually conducting domain-adaptive pre-training for each domain.
- Adapter-ONE: Adds adapter to Transformer for each domain
- Prompt-ONE: Adds prompt to Transformer for each domain
- KD: Naive knoweldge Distillation
Simple Example
We have added continual_pretrain.ipynb
as a self-contained example of the soft-masking scenario. It runs well without GPUs!
Dataset
When it comes to the continual learning of language models (LMs), finding appropriate datasets is crucial. The datasets we provide adhere to the following principles:
- Domain-specific: The domain corpus must be specific enough to enhance end-task performance.
- End-task available: We favor assessing the trained language models through the end-task rather than relying on perplexity, since the former represents a more dependable evaluation approach.
We release our dataset comprising 6 distinct domains, each accompanied by its corresponding end-task. The dataset can be found here. Below are some statistics for each domain:
Domain Corpus | Size | End-task | Task | #Training | #Testing | #Classes |
---|---|---|---|---|---|---|
Yelp Restaurant | 758MB | Restaurant | Aspect Sentiment Classification (ASC) | 3,452 | 1,120 | 3 |
Amazon Phone | 724MB | Phone | Aspect Sentiment Classification (ASC) | 239 | 553 | 2 |
Amazon Camera | 319MB | Camera | Aspect Sentiment Classification (ASC) | 230 | 626 | 2 |
ACL Papers | 867MB | ACL | Citation Intent Classification | 1,520 | 421 | 6 |
AI Papers | 507MB | AI | Relation Classification | 2,260 | 2,388 | 7 |
PubMed Papers | 989MB | PubMed | Chemical-protein Interaction Prediction | 2,667 | 7,398 | 13 |
Architecture
The architecture of ContinualLM largely follows that of Pycontinual, CPT and DGA.
Installation
conda create --name continuallm --file requirements.txt
:warning: Our model is based on transformers==4.17.0
and adapter-transformers==3.0.1
. We recommend using these specific versions, as using other versions may result in unexpected bugs.
Domain-adaptive Pre-training
This is where continual learning happens. We will learn a sequnce of domains.
max_samples=640000
for idrandom in 0
do
for pt_task in 0 1 2 3 4 5
do
python -m torch.distributed.launch --nproc_per_node 4 --use_env posttrain.py \
--per_device_train_batch_size 62 \
--fp16\
--max_seq_length 164 \
--max_samples ${max_samples} \
--idrandom ${idrandom} \
--ntasks 6 \
--pt_task ${pt_task} \
--baseline 'das'
done
done
--idrandom
: choose the task sequence. See./sequences
for more details.--baseline
: see the introduction for available baseline models (seechoices
inconfig.py
).
End-task Fine-tuning
After conitinual learning of LMs, now we are able to evaluate the performace by runing end-task fine-tuning individually.
max_samples=640000
seed=(2021 111 222 333 444 555 666 777 888 999)
for round in 0; do
for idrandom in 0;
do
for pt_task in 0 1 2 3 4 5
do
for ft_task in $(seq 0 ${pt_task});
do
python finetune.py \
--max_seq_length 164 \
--pt_task ${pt_task} \
--ft_task ${ft_task} \
--idrandom ${idrandom} \
--ntasks 6 \
--max_samples ${max_samples} \
--seed ${seed[$round]} \
--baseline 'das'
done
done
done
done
Checkpoints in Huggingface
For those who are interested solely in the resulting model or want to continue per-training the model with their own data, we have good news! We offer checkpoints through Hugging Face.
You can easily import our continually post-trained model with HuggingFace's transformers
!
import torch
from transformers import AutoTokenizer, AutoModelForSequenceClassification
# Import our model. The package will take care of downloading the models automatically
tokenizer = AutoTokenizer.from_pretrained("UIC-Liu-Lab/DAS-Rest2Cam")
model = AutoModelForSequenceClassification.from_pretrained("UIC-Liu-Lab/DAS-Rest2Cam", trust_remote_code=True)
# Tokenize input texts
texts = [
"There's a kid on a skateboard.",
"A kid is skateboarding.",
"A kid is inside the house."
]
inputs = tokenizer(texts, padding=True, truncation=True, return_tensors="pt")
# Get the model output!
res = model(**inputs)
If you encounter any problem when directly loading the models by HuggingFace's API, you can also download the models manually from the repo and use model = AutoModel.from_pretrained({PATH TO THE DOWNLOAD MODEL})
.
âš The continual pre-training sequence is the first sequence at ./sequences/posttrain
(from Restaurant to Camera), you can use the downloaded weights to fine-tune the corresponding end-task.
âš If you are interested in the importance files, please refer to before_distill0
and after_mlm{domain_id}
. before
signifies the importance computed before pre-training, which is done only once before the first domain for general pre-trained knowledge. after
indicates the importance computed after the pre-training of domain_id.
Reference
We highly appreciate your act of staring and citing. Your attention to detail and recognition is greatly valued.
@inproceedings{ke2022dgs,
title={Continual Learning of Language Models}, author={Ke, Zixuan and Shao, Yijia and Lin, Haowei and Konishi, Tatsuya and Kim, Gyuhak and Liu, Bing}, booktitle={International Conference on Learning Representations (ICLR)}, year={2023}}
@inproceedings{ke2022dga,
title={Adapting a Language Model While Preserving its General Knowledge}, author={Ke, Zixuan and Shao, Yijia and Lin, Haowei and Xu, Hu and Shu, Lei, and Liu, Bing}, booktitle={Empirical Methods in Natural Language Processing (EMNLP)}, year={2022}}
@inproceedings{ke2022continual,
title={Continual Training of Language Models for Few-Shot Learning}, author={Ke, Zixuan and Lin, Haowei and Shao, Yijia and Xu, Hu and Shu, Lei, and Liu, Bing}, booktitle={Empirical Methods in Natural Language Processing (EMNLP)}, year={2022}}
Contact
If you have any questions regarding the code, please feel free to send an email to Zixuan Ke, Yijia Shao, or Haowei Lin. Alternatively, you may open an issue. We would like to express our gratitude to Bing Liu, Hu Xu, and Lei Shu for their valuable comments and opinions