How to Alleviate Catastrophic Forgetting in LLMs Finetuning?
Hierarchical Layer-Wise and Element-Wise Regularization
Abstract
Large Language Models (LLMs) exhibit strong general language capabilities. However, fine-tuning these models on domain-specific tasks often leads to catastrophic forgetting, where the model overwrites or loses essential knowledge acquired during pretraining. This phenomenon significantly limits the broader applicability of LLMs. To address this challenge, we propose a novel approach to compute the element-wise importance of model parameters crucial for preserving general knowledge during fine-tuning. Our method utilizes a dual-objective optimization strategy: (1) regularization loss based on element-wise parameter importance, which constrains the updates to parameters crucial for general knowledge; (2) cross-entropy loss to adapt to domain-specific tasks. Additionally, we introduce layer-wise coefficients to account for the varying contributions of different layers, dynamically balancing the dual-objective optimization. Extensive experiments on scientific, medical, and physical tasks using GPT-J and LLaMA-3 demonstrate that our approach mitigates catastrophic forgetting while enhancing model adaptability. Compared to previous methods, our solution is approximately 20 times faster and requires only 10%–15% of the storage, highlighting the practical efficiency. The code will be released.
1 Introduction
Large Language Models (LLMs) are pretrained on massive and diverse datasets, equipping them with remarkable general capabilities (Wang & Komatsuzaki, 2021; Touvron et al., 2023b; OpenAI, 2024). This pretraining process allows LLMs to serve as versatile tools for a wide range of natural language processing tasks. However, in domains such as medical and scientific fields, LLMs often struggle to perform effectively, necessitating fine-tuning domain-specific data. While fine-tuning could enhance the model task-specific performance, it also introduces a critical challenge: catastrophic forgetting (Kirkpatrick et al., 2016; Kemker et al., 2018; Shao & Feng, 2022; Ren et al., 2024). As shown in Figure 1, catastrophic forgetting refers to the phenomenon where a model, during the process of fine-tuning, loses or overwrites knowledge learned during pretraining. This issue poses a severe limitation on the broader applicability of LLMs, as it undermines their versatility and reusability across domains. The fixed data composition and format in the fine-tuning data may impair the general knowledge previously learned by the model. This results in a loss of logical reasoning abilities and related general knowledge, which affects the model performance on domain-specific tasks. On the other hand, it may also lead to a decline in the ability to answer general tasks, including questions it was previously capable of answering.

Addressing catastrophic forgetting is therefore a crucial requirement for maximizing the utility of LLMs. A successful solution needs to achieve a delicate balance: retaining the essential general knowledge when learning new domain-specific expertise. This balance is critical when fine-tuning LLMs for specialized tasks, as both domain adaptation and generalizability are necessary for practical applications. EWCLoRA (Xiang et al., 2024) focuses on the issue of catastrophic forgetting in LLM fine-tuning and uses the Fisher matrix to measure the importance of parameters for general capabilities. However, it requires gradients computed with labels from the model distribution, necessitating an additional backpropagation pass for online computation. Thus, its computational cost is very high. For GPT-J-6B, calculating the Fisher matrix takes 22 hours on an A800 and requires 23GB of storage, and these requirements increase for larger LLMs. Besides, rsLoRA (Kalajdzievski, 2023) aims to stabilize learning by introducing a rank-stabilized scaling factor, but it does not effectively protect general capabilities as expected.
To address catastrophic forgetting, we calculate parameter importance from two dimensions—element-wise and layer-wise—to constrain the updates of parameters crucial for general capabilities during fine-tuning. Firstly, our approach calculates the path integral during parameter updates as the element-wise parameter importance for regularization on the general capabilities of the LLM. This helps preserve parameters critical for general knowledge, minimizing significant modifications to it. Our method could avoid the computation and storage of the Fisher matrix, enabling faster and more storage-efficient computation of parameter importance. Specifically, we define domain as the general knowledge, representing the general capabilities of LLMs, and domain as the knowledge learned during fine-tuning for specific tasks. Our approach leverages a dual-objective optimization strategy that combines two losses: regularization loss, which reduces updates to parameters critical for domain to preserve general knowledge; and cross-entropy (CE) loss, which encourages alignment of domain parameters to enhance domain-specific learning. Through the constraint of a dual-objective loss, we aim to maintain general capabilities while performing domain-specific fine-tuning.
Besides, we propose a layer-wise coefficient to adjust the weight of regularization loss. In LLMs, different layers contribute differently to generalization ability and domain-specific ability. The impact of each layer on the learning process is not uniform; some layers capture high-level abstract features, while others focus on lower-level details. Traditional approaches often treat the importance of each layer as equal, which overlooks the varying degrees of influence that different layers have on the model learning and generalization ability. Thus, we propose layer-wise coefficients to dynamically adjust the balance between task learning and the retention of general knowledge in each layer, allowing some layers to prioritize task learning, while others preserve general knowledge. We use the L2 norm of the computed element-wise importance of each layer weight to capture their contribution to both objectives.
Through extensive experiments on scientific, physical, and medical tasks using LLMs (GPT-J and LLaMA-3), we demonstrate that our framework achieves state-of-the-art performance, mitigating catastrophic forgetting while enhancing LLM adaptability. To maintain general capabilities, it is essential to identify and quantify the importance of various parameters that contribute to these capabilities. The computation of parameter importance is typically time-consuming, and storing the associated weights requires substantial memory resources. Our experimental results demonstrate that our method is nearly 20 times faster and requires only 10%15% of the storage memory compared to the previous method, demonstrating the practicality of our approach. Our contributions are as follows:
-
•
We introduce a framework that first records parameter importance on general data, and then applies regularization constraints during fine-tuning on domain-specific data to effectively address catastrophic forgetting in large language models (LLMs).
-
•
We propose the element-wise and layer-wise importance metrics to dynamically adjust parameter updates, preserving critical general knowledge while allowing domain-specific expertise to be learned effectively.
-
•
Our method achieves state-of-the-art performance across multiple datasets using mainstream backbone LLMs. It significantly reduces computational time (20x faster) and storage (10%15%) for parameter importance estimation compared to prior methods.
2 Related Work
2.1 Continual Learning
Traditionally, continual learning (Wickramasinghe et al., 2024; Hadsell et al., 2020; Wickramasinghe et al., 2024; Vijayan & Sridhar, 2021) refers to developing learning algorithms to accumulate knowledge on non-stationary data. In general, continuous learning could be categorized into the following methods: Regularization-based methods. Synaptic Intelligence (SI) (Zenke et al., 2017) dynamically estimates the importance of each parameter in an online fashion, penalizing significant changes to parameters that are important for previously learned tasks during training on new tasks. This method adjusts the learning rate for parameters, ensuring that important parameters are not excessively modified. Elastic Weight Consolidation (EWC) (Kirkpatrick et al., 2016) grounded in a Bayesian perspective, estimates the importance of parameters by calculating the Fisher Information Matrix. During new task training, EWC introduces a regularization term that restricts the updates to important parameters, thereby preventing catastrophic forgetting. From a probabilistic viewpoint, EWC derives an importance matrix that quantifies the significance of network parameters for previous tasks. Architecture-based methods. Researches (Wu et al., 2024; Wang et al., 2023, 2022; Chen et al., 2022) learn new tasks by adapting the structure of existing models. For instance, Wang et al. inserts trainable task-specific prompts to the input layer to expand the domain ability. Replay-based methods. Researchers (Jin et al., 2022; Liu et al., 2021; Qin et al., 2022; Bai et al., 2022) retain a subset of previously encountered data, which are reintegrated into the training process of the new tasks. Distillation-based methods. Researches (Li & Hoiem, 2017; Cao et al., 2021; Shao & Feng, 2022; Gu et al., 2022; Qin & Joty, 2022) learn new tasks under the guidance of a teacher model. For instance, Learning without Forgetting (LwF) (Li & Hoiem, 2017) transfers knowledge from old tasks to new tasks, allowing the model to retain performance on the previous task while learning new ones.
2.2 Catastrophic Forgetting in LLM and LoRA
With the rapid advancement of large language models (LLMs) (Touvron et al., 2023a, b), directly using pretrained models for domain-specific tasks has become prohibitively expensive. As a result, fine-tuning has become the preferred approach, typically divided into full parameter tuning and parameter-efficient fine-tuning (PEFT) methods, such as LoRA (Low-Rank Adaptation) (Hu et al., 2021; Wang et al., 2024). Full parameter fine-tuning (Lv et al., 2023) updates all model parameters to improve task adaptability but often causes catastrophic forgetting. PEFT methods like LoRA, by updating only a small subset of parameters through low-rank matrices, reduce computational costs and mitigate forgetting, though some still occur.
To further reduce catastrophic forgetting, researchers have proposed combining EWC with LoRA in a method known as EWCLoRA (Xiang et al., 2024). This method leverages EWC to calculate the Fisher Information Matrix for parameter importance and uses low-rank matrices of LoRA to limit the scope of parameter updates. However, the calculation of the Fisher matrix introduces significant computational and memory overhead. Additionally, an interpolation-based LoRA (I-LoRA) method is introduced by Ren et al.. I-LoRA constructs a dual-memory experience replay framework, utilizing LoRA parameter interpolation to simulate the weight interpolation process. However, it requires maintaining an additional set of LoRA parameters throughout the process, increasing space cost.
3 Preliminary
LoRA is a lightweight and parameter-efficient fine-tuning method that introduces low-rank decomposition into the weight matrix of a pretrained model. Only the newly added low-rank matrices and are optimized, while the main weight remains frozen. The parameter at time during fine-tuning can be expressed as , where are pretrained weights; are the low-rank matrices with .
The optimization objective of LoRA is given by:
(1) |
where is the task-specific loss function.
Although LoRA achieves parameter efficiency and training effectiveness, it suffers from catastrophic forgetting, where fine-tuning specific tasks hurts the general ability.

4 Hierarchical Importance Regularization
Inspired by Synaptic Intelligence (SI) (Zenke et al., 2017), we propose a framework to constrain LLMs from making significant changes to their general capabilities during fine-tuning, thus addressing catastrophic forgetting in LoRA tuning. As shown in Figure 2, the framework is to compute the importance of each parameter during the training of the initial general task (e.g. ) and constrain their updates when fine-tuning on subsequent task (e.g. ). Specifically, the importance scores measure how much each parameter contributes to reducing the loss in the task, and these scores are used to guide the fine-tuning process for the new task. This ensures that the critical parameters for task are modified to a lesser extent when learning task.
4.1 General Element-Wise Importance Recording
In the general task , LoRA fine-tuning is performed by minimizing the task-specific loss . The training process is characterized by a trajectory in parameter space. The task-specific loss is generally computed using cross-entropy loss.
(2) |
where is the true label (target) for the -th example, is the predicted probability of the model for the correct label, and is the total number of examples.
We define the contribution of parameter to the reduction of the loss function as . The larger the value of , the more important the parameter is for maintaining the performance of the task . The change in the loss function from time to time can be defined as the sum of the contributions of all parameters:
(3) |
In accordance with the typical behavior of the loss value, which generally decreases, we introduced a negative sign on the right-hand side of Equation 3 to ensure that the value of remains positive.
During the training process of task , the total change in the loss function can be obtained by performing a path integral of the gradient of the loss function with respect to the parameters, that is, the path integral from the initial parameter value to the final parameter value :
(4) |
where represents the gradient of the loss function with respect to the parameters. By expanding in Equation 4, we can derive the following expression:
(5) | ||||
In accordance with Equation 3 and Equation 5, it is deduced that the defined quantity corresponds precisely to the negative of the path integral of the gradient .
(6) |
This indicates that we can represent using the product of and (Zenke et al., 2017).
Considering that LoRA utilizes low-rank matrix approximation for fine-tuning, the parameter updates and gradients need to be adjusted accordingly.
The parameters updating process of low-rank matrices B and A at time are defined as:
(7) | |||
where is the learning rate, and are the gradients of the loss functions with respect to A and B. Based on Equation 7, we derive the following expression:
(8) | |||
According to the definition of LoRA, the parameters at time and time are respectively defined as:
(9) | ||||
Based on Equation 8, we derive the change of the parameters, which is expressed in terms of and :
(10) | ||||
According to the definition of batch gradient descent, the change in parameters is the negative product of the gradient and the learning rate. If we regard LoRA as a special form of full fine-tuning, we can assume that there exists a gradient that completes the parameter update process (Wang et al., 2024).
Based on Equation 10 and the definition of , we obtain the parameter change and hypothetical gradient at time t.
(11) | ||||
In this way, we obtain the value of for the LoRA scenario.
(12) |
To quantify the importance of each parameter, we calculate an importance score based on its contribution to the change in loss during training of task . Specifically, the importance of a parameter is computed as:
(13) |
where is whole change of the -th parameter during task , is the final parameter after fine-tuning on task . In the context of LoRA fine-tuning, the is defined as . This relationship stems from the fact that, at the initialization of LoRA at time , the B matrix is set to zero. The term in the denominator ensures that the regularization term carries the same units as the loss . is a small positive constant to prevent division by zero. This formulation assigns higher scores to parameters that have a significant impact on loss reduction while accounting for their magnitude to avoid bias toward large updates.
4.2 Element-Wise Regularization in Domain Tuning
After fine-tuning the task, we extend the optimization objective to include both task-specific and regularization losses during finetuning. The task-specific loss drives the adaptation to the task. To preserve knowledge from the task, the regularization loss penalizes deviations from the important parameter values recorded in the task. The regularization loss of the -th layer is defined as:
(14) |
where represents the importance of the -th parameter in the task, and is the reference parameter after task fine-tuning. This loss ensures that parameters with high importance scores remain close to their task values while allowing less important parameters more flexibility for adaptation. During training, values are updated continuously, while the cumulative importance is updated only at the end of task . After updating , the is reset to zero.
4.3 Layer-Wise Coefficient Regularization
We compute the importance of each layer based on its contribution to the parameters learned in the task. This layer-specific importance metric allows the model to dynamically adjust the regularization across different layers. The layer-wise weighted regularization is defined as :
(15) |
where denotes the L2 norm of the parameter importance matrix for the -th layer, which reflects the significance of the parameters learned in the task. The total loss for the task is defined as:
(16) |
The use of this adaptive regularization helps mitigate catastrophic forgetting by maintaining the integrity of essential features learned in prior tasks. is the hyperparameter that controls the weight of the domain () and general () ability of LLM.
5 Experiments
LLaMA-3 | GPT-J | |||||||||||
SciQ | PiQA | MedMCQA | SciQ | PiQA | MedMCQA | |||||||
PPL↓ | Acc↑ | PPL↓ | Acc↑ | PPL↓ | Acc↑ | PPL↓ | Acc↑ | PPL↓ | Acc↑ | PPL↓ | Acc↑ | |
Base | 4.94 | 95.10 | 4.94 | 48.53 | 4.94 | 18.50 | 3.28 | 91.60 | 3.28 | 49.13 | 3.28 | 21.30 |
LoRA() | 5.05 | 96.20 | 5.43 | 48.75 | 5.04 | 53.69 | 3.43 | 96.50 | 3.54 | 50.16 | 3.49 | 38.35 |
LoRA() | 5.31 | 96.10 | 5.58 | 46.91 | 5.15 | 53.12 | 3.39 | 96.20 | 3.52 | 49.51 | 3.37 | 33.66 |
rsLoRA | 5.28 | 96.50 | 5.71 | 47.50 | 5.24 | 51.92 | 3.50 | 96.20 | 3.65 | 49.62 | 3.35 | 35.69 |
EWC-L | 4.88 | 96.30 | 4.98 | 48.45 | 4.79 | 56.39 | 3.38 | 96.10 | 3.47 | 49.40 | 3.38 | 36.48 |
Ours | 4.64 | 97.10 | 4.90 | 51.14 | 4.64 | 55.80 | 3.35 | 96.80 | 3.40 | 50.49 | 3.34 | 36.10 |
5.1 Backbone LLMs and Baseline Methods
Following the previous work (Xiang et al., 2024), two mainstream LLMs are used for the evaluation of our method: (1) GPT-J (Wang & Komatsuzaki, 2021) is a GPT-2-like causal language model trained on the Pile dataset. It is suitable for various understanding and generation tasks. (2) LLaMA-3 (Dubey et al., 2024) is the third-generation open-source LLM. It is designed with enhanced efficiency and scalability, offering state-of-the-art performance across various benchmarks. These models vary in architecture and parameter count, enabling a robust evaluation of our method.
We compare our method with the following approaches: (1) Base: the model without any tuning. (2) LoRA() (Hu et al., 2021): the method is fine-tuned using only data from the task (domain-specfic task). (3) LoRA(): the method is first fine-tuned using data from the task (general task), and then fine-tuned using data from the task (domain-specific task). (4) EWCLoRA (Xiang et al., 2024): a method using the EWC method, where the Fisher matrix is computed and regularization constraints are applied to preserve the important parameters while updating for the new task. (5) rsLoRA: an enhanced LoRA method that modifies the scaling factor to prevent gradient collapse, enabling better fine-tuning performance with higher-rank adapters while maintaining the same inference cost.






5.2 Tasks, Metrics, and Hyperparameters
Task (General Ability): The task focuses on learning which parameters are important for general tasks. Following previous work (Xiang et al., 2024), we take Pile (Gao et al., 2020) as the evaluation datasets for LLM general ability. LoRA is applied to fine-tune the model on the task, and parameter importance for Synaptic Intelligence (SI) is recorded during this stage.
Task (Domain Ability): The task evaluates the ability to adapt to specific tasks while mitigating catastrophic forgetting of general knowledge. We select three representative tasks: (1) Medical task: MedMCQA dataset (Pal et al., 2022). (2) Scientific task: SciQ dataset (Welbl et al., 2017). (3) Physics task: PiQA dataset (Bisk et al., 2020).
The LLMs selected for our experiments are GPT-J-6B and LLaMA 3.2-3B. The batch size is set to 20, and the learning rate is set to 8e-4. The rank for LoRA fine-tuning is set to 8, with the LoRA alpha value set to 32. Both the and tasks are trained for 5 epochs.
6 Results and Analysis
6.1 Comparison of General and Domain Capabilities
As shown in Table 1, our method achieves better preservation of general ability (as reflected by the lowest PPL) while maintaining domain-specific accuracy comparable to, or even better than, previous methods. This demonstrates that our approach effectively balances domain accuracy and general perplexity.
Figure 3 presents a comparison between the results of EWCLoRA and our method through independent samples t-tests. The six subplots show the Perplexity (PPL) and Accuracy (Acc) across SciQ, PiQA, and MedMCQA datasets. The p-values for perplexity on SciQ, PiQA, and MedMCQA, and for accuracy on SciQ and PiQA are below 0.05, indicating statistically significant differences and demonstrating the superiority of our method over EWCLoRA.






Figure 4 shows the loss curves in the learning process of GPT-J and LLaMA-3 across three datasets. The total loss is the weighted sum of the task loss and general loss . As observed, the task loss continuously decreases, while the exhibits an initial increase followed by a decrease. As defined in Equation 14, measures the difference between the model parameters after learning on task and the model parameters learned on the current task . Initially, when learning on task , the model parameters are not yet updated, so the general loss is zero. As the task loss updates the parameters, the model starts to deviate from , causing the general loss to rise. This mechanism enforces the model to learn in a way that minimizes both general and task losses simultaneously.

6.2 Complexity Comparision



We compare our HLoRA method with the previous SOTA method, EWCLoRA, from two aspects: the time required for importance calculation and the storage memory needed. As shown in Figure 5, our method is nearly 20 times faster and requires only 10%15% of the storage memory compared to EWCLoRA, demonstrating the practicality of ours.
Time Complexity: The experiments were conducted on an A800 GPU to evaluate the time complexity of our method in comparison with EWCLoRA. For EWCLoRA, the Fisher matrix computation followed the approach described in the original paper, using 20,000 randomly sampled data points from the Pile dataset with a maximum batch size of 8. In contrast, for our method, the time measurement was based on 5 training epochs, a setting determined through empirical evaluation to achieve optimal performance. The experimental results show that for GPT-J-6B and LLaMA-3-3B, EWCLoRA requires 27.17 and 25.97 hours, respectively, to compute the importance matrix, while our HLoRA method only takes 1.15 and 1.19 hours.
Storage Memory: EWCLoRA necessitates the computation and storage of the Fisher matrix based on the Pile dataset before calculating the parameter importance. According to the original paper, the Fisher matrix for GPT-J-6B occupies approximately 22.65 GB of memory. Similarly, for LLaMA-3-3B, the Fisher matrix occupies 11.97 GB of memory, calculated based on the Fisher computation method described in the original work. In contrast, the storage memory of our method is only 3.5 GB and 1.3 GB, offering a significant advantage in terms of memory efficiency. This demonstrates that EWCLoRA incurs substantial storage overhead, whereas our method avoids such requirements, providing a more space-efficient solution.
6.3 Regularization Coefficient Analysis
Figure 6 demonstrate the effect of the regularization coefficient in Equation 16 on PPL and accuracy across three tasks. As increases, PPL gradually decreases, indicating a stronger emphasis on preserving general ability. Higher values of correspond to better general ability retention. However, as shown in Figure 6b, increasing negatively impacts the average accuracy on PiQA. Thus, is selected as the optimal value for the regularization coefficient to balance task performance and general ability (lower PPL).


6.4 Parameters Importance Visualization
Figure 7 highlights the importance in Equation 13 of q_proj and v_proj layers for general capabilities during the LoRA fine-tuning process. The heatmap illustrates that the v_proj layers, particularly in the first four and the last layer, are crucial for preserving general knowledge. In contrast, the importance of the q_proj layers is relatively weaker across the model. The L2 norms have been log-transformed to facilitate the comparison of the relative significance of these parameters across layers.
SciQ | PiQA | MedMCQA | ||||
---|---|---|---|---|---|---|
PPL↓ | Acc↑ | PPL↓ | Acc↑ | PPL↓ | Acc↑ | |
LLaMA-3 | ||||||
Ours | 4.64 | 97.10 | 4.90 | 51.14 | 4.64 | 55.80 |
- layer | 4.75 | 96.80 | 4.96 | 49.70 | 4.74 | 54.41 |
- layer, element | 5.31 | 96.10 | 5.58 | 46.91 | 5.15 | 53.12 |
GPT-J | ||||||
Ours | 3.35 | 96.80 | 3.40 | 50.49 | 3.34 | 36.10 |
- layer | 3.36 | 96.30 | 3.41 | 49.95 | 3.35 | 35.62 |
- layer, element | 3.39 | 96.20 | 3.52 | 49.51 | 3.37 | 33.66 |
6.5 Ablation Study
As shown in Table 2, to investigate the role of different components in our proposed HLoRA, we conduct ablation studies by selectively removing certain structures and observing the resulting impact. Specifically, we exclude two sets of components: (1) layer: eliminating the differentiation of importance among layers, and (2) layer, element: removing both layer-wise and element-wise importance, i.e., training the task first and then training the task without imposing any regularization constraints throughout the process. Upon removing the two components, the performance of methods based on two backbone LLMs declines across three datasets, thereby highlighting the effectiveness of the layer-wise and element-wise importance introduced.
7 Conclusion
This paper addresses the critical issue of catastrophic forgetting in large language models (LLMs) during domain-specific fine-tuning. We propose a novel fine-tuning framework that preserves general capabilities while enabling efficient adaptation to new domains, minimizing knowledge loss in tasks outside the fine-tuned domain. Additionally, we introduce a layer-wise coefficient to adjust the balance between regularization loss and cross-entropy loss dynamically. This adjustment accounts for the varying contributions of different layers to both generalization and domain-specific learning. Extensive experiments in scientific, physical, and medical tasks show that our framework effectively mitigates catastrophic forgetting while maintaining performance in domain-specific tasks.
Impact Statements
This paper presents work whose goal is to advance the field of Machine Learning. There are many potential societal consequences of our work, none which we feel must be specifically highlighted here.
References
- Bai et al. (2022) Bai, G., He, S., Liu, K., and Zhao, J. Incremental intent detection for medical domain with contrast replay networks. In ACL (Findings), pp. 3549–3556. Association for Computational Linguistics, 2022.
- Bisk et al. (2020) Bisk, Y., Zellers, R., Gao, J., Choi, Y., et al. Piqa: Reasoning about physical commonsense in natural language. In Proceedings of the AAAI conference on artificial intelligence, volume 34, pp. 7432–7439, 2020.
- Cao et al. (2021) Cao, Y., Wei, H.-R., Chen, B., and Wan, X. Continual learning for neural machine translation. Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Proceedings of the Conference, pp. 3964 – 3974, 2021.
- Chen et al. (2022) Chen, C., Yin, Y., Shang, L., Jiang, X., Qin, Y., Wang, F., Wang, Z., Chen, X., Liu, Z., and Liu, Q. bert2bert: Towards reusable pretrained language models. Proceedings of the Annual Meeting of the Association for Computational Linguistics, 1:2134 – 2148, 2022.
- Dubey et al. (2024) Dubey, A., Jauhri, A., Pandey, A., Kadian, A., Al-Dahle, A., Letman, A., Mathur, A., Schelten, A., Yang, A., Fan, A., et al. The llama 3 herd of models. arXiv preprint arXiv:2407.21783, 2024.
- Gao et al. (2020) Gao, L., Biderman, S., Black, S., Golding, L., Hoppe, T., Foster, C., Phang, J., He, H., Thite, A., Nabeshima, N., et al. The pile: An 800gb dataset of diverse text for language modeling. arXiv preprint arXiv:2101.00027, 2020.
- Gu et al. (2022) Gu, S., Hu, B., and Feng, Y. Continual learning of neural machine translation within low forgetting risk regions. Proceedings of the 2022 Conference on Empirical Methods in Natural Language Processing, EMNLP 2022, pp. 1707 – 1718, 2022.
- Hadsell et al. (2020) Hadsell, R., Rao, D., Rusu, A. A., and Pascanu, R. Embracing change: Continual learning in deep neural networks. Trends in Cognitive Sciences, 24(12):1028 – 1040, 2020.
- Hu et al. (2021) Hu, E. J., Shen, Y., Wallis, P., Allen-Zhu, Z., Li, Y., Wang, S., Wang, L., and Chen, W. Lora: Low-rank adaptation of large language models. arXiv preprint arXiv:2106.09685, 2021.
- Jin et al. (2022) Jin, X., Zhang, D., Zhu, H., Xiao, W., Li, S.-W., Wei, X., Arnold, A., and Ren, X. Lifelong pretraining: Continually adapting language models to emerging corpora. Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Proceedings of the Conference, pp. 4764 – 4780, 2022.
- Kalajdzievski (2023) Kalajdzievski, D. A rank stabilization scaling factor for fine-tuning with lora. arXiv preprint arXiv:2312.03732, 2023.
- Kemker et al. (2018) Kemker, R., McClure, M., Abitino, A., Hayes, T., and Kanan, C. Measuring catastrophic forgetting in neural networks. In Proceedings of the AAAI conference on artificial intelligence, volume 32, 2018.
- Kirkpatrick et al. (2016) Kirkpatrick, J., Pascanu, R., Rabinowitz, N. C., Veness, J., Desjardins, G., Rusu, A. A., Milan, K., Quan, J., Ramalho, T., Grabska-Barwinska, A., Hassabis, D., Clopath, C., Kumaran, D., and Hadsell, R. Overcoming catastrophic forgetting in neural networks. Proceedings of the National Academy of Sciences, 114:3521 – 3526, 2016.
- Li & Hoiem (2017) Li, Z. and Hoiem, D. Learning without forgetting. IEEE transactions on pattern analysis and machine intelligence, 40(12):2935–2947, 2017.
- Liu et al. (2021) Liu, Q., Cao, P., Liu, C., Chen, J., Cai, X., Yang, F., He, S., Liu, K., and Zhao, J. Domain-lifelong learning for dialogue state tracking via knowledge preservation networks. Conference on Empirical Methods in Natural Language Processing, Proceedings, pp. 2301 – 2311, 2021.
- Lv et al. (2023) Lv, K., Yang, Y., Liu, T., Gao, Q., Guo, Q., and Qiu, X. Full parameter fine-tuning for large language models with limited resources. arXiv preprint arXiv:2306.09782, 2023.
- OpenAI (2024) OpenAI. Gpt-4 technical report. arXiv preprint arXiv:2303.08774, 2024.
- Pal et al. (2022) Pal, A., Umapathi, L. K., and Sankarasubbu, M. Medmcqa: A large-scale multi-subject multi-choice dataset for medical domain question answering. In Conference on health, inference, and learning, pp. 248–260. PMLR, 2022.
- Qin & Joty (2022) Qin, C. and Joty, S. Lfpt5: A unified framework for lifelong few-shot language learning based on prompt tuning of t5. ICLR 2022 - 10th International Conference on Learning Representations, 2022.
- Qin et al. (2022) Qin, Y., Zhang, J., Lin, Y., Liu, Z., Li, P., Sun, M., and Zhou, J. Elle: Efficient lifelong pre-training for emerging data. Proceedings of the Annual Meeting of the Association for Computational Linguistics, pp. 2789 – 2810, 2022.
- Ren et al. (2024) Ren, W., Li, X., Wang, L., Zhao, T., and Qin, W. Analyzing and reducing catastrophic forgetting in parameter efficient tuning. arXiv preprint arXiv:2402.18865, 2024.
- Shao & Feng (2022) Shao, C. and Feng, Y. Overcoming catastrophic forgetting beyond continual learning: Balanced training for neural machine translation. Proceedings of the Annual Meeting of the Association for Computational Linguistics, 1:2023 – 2036, 2022.
- Touvron et al. (2023a) Touvron, H., Lavril, T., Izacard, G., Martinet, X., Lachaux, M.-A., Lacroix, T., Rozière, B., Goyal, N., Hambro, E., Azhar, F., et al. Llama: Open and efficient foundation language models. arXiv preprint arXiv:2302.13971, 2023a.
- Touvron et al. (2023b) Touvron, H., Martin, L., Stone, K., Albert, P., Almahairi, A., Babaei, Y., Bashlykov, N., Batra, S., Bhargava, P., Bhosale, S., et al. Llama 2: Open foundation and fine-tuned chat models. arXiv preprint arXiv:2307.09288, 2023b.
- Vijayan & Sridhar (2021) Vijayan, M. and Sridhar, S. Continual learning for classification problems: A survey. IFIP Advances in Information and Communication Technology, 611 IFIPAICT:156 – 166, 2021.
- Wang & Komatsuzaki (2021) Wang, B. and Komatsuzaki, A. GPT-J-6B: A 6 Billion Parameter Autoregressive Language Model. https://github.com/kingoflolz/mesh-transformer-jax, May 2021.
- Wang et al. (2023) Wang, P., Panda, R., and Wang, Z. Data efficient neural scaling law via model reusing. Proceedings of Machine Learning Research, 202:36193 – 36204, 2023.
- Wang et al. (2022) Wang, Z., Zhang, Z., Lee, C.-Y., Zhang, H., Sun, R., Ren, X., Su, G., Perot, V., Dy, J., and Pfister, T. Learning to prompt for continual learning. Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition, 2022-June:139 – 149, 2022.
- Wang et al. (2024) Wang, Z., Liang, J., He, R., Wang, Z., and Tan, T. Lora-pro: Are low-rank adapters properly optimized? arXiv preprint arXiv:2407.18242, 2024.
- Welbl et al. (2017) Welbl, J., Liu, N. F., and Gardner, M. Crowdsourcing multiple choice science questions. arXiv preprint arXiv:1707.06209, 2017.
- Wickramasinghe et al. (2024) Wickramasinghe, B., Saha, G., and Roy, K. Continual learning: A review of techniques, challenges, and future directions. IEEE Transactions on Artificial Intelligence, 5(6):2526 – 2546, 2024.
- Wu et al. (2024) Wu, C., Gan, Y., Ge, Y., Lu, Z., Wang, J., Feng, Y., Shan, Y., and Luo, P. Llama pro: Progressive llama with block expansion. Proceedings of the Annual Meeting of the Association for Computational Linguistics, 1:6518 – 6537, 2024.
- Xiang et al. (2024) Xiang, J., Tao, T., Gu, Y., Shu, T., Wang, Z., Yang, Z., and Hu, Z. Language models meet world models: Embodied experiences enhance language models. Advances in neural information processing systems, 36, 2024.
- Zenke et al. (2017) Zenke, F., Poole, B., and Ganguli, S. Continual learning through synaptic intelligence. In International conference on machine learning, pp. 3987–3995. PMLR, 2017.