An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: continual-learning

HungNguyen20/SAFA

This repository contains the implementation for the method SAFA -- published in the Transactions on Computers 2025

Language: Jupyter Notebook - Size: 15.6 MB - Last synced at: about 6 hours ago - Pushed at: about 7 hours ago - Stars: 2 - Forks: 0

EnnengYang/Awesome-Forgetting-in-Deep-Learning

A Comprehensive Survey of Forgetting in Deep Learning Beyond Continual Learning. TPAMI, 2024.

Size: 438 KB - Last synced at: about 18 hours ago - Pushed at: about 19 hours ago - Stars: 299 - Forks: 13

zzz47zzz/spurious-forgetting

[ICLR 2025] Released code for paper "Spurious Forgetting in Continual Learning of Language Models"

Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 40 - Forks: 4

EnnengYang/Awesome-Model-Merging-Methods-Theories-Applications

Model Merging in LLMs, MLLMs, and Beyond: Methods, Theories, Applications and Opportunities. arXiv:2408.07666.

Size: 2.04 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 378 - Forks: 17

tamlhp/awesome-machine-unlearning

Awesome Machine Unlearning (A Survey of Machine Unlearning)

Language: Jupyter Notebook - Size: 5.6 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 827 - Forks: 62

srvCodes/continual_learning_with_vit

Code for our CVPR 2022 workshop paper "Towards Exemplar-Free Continual Learning in Vision Transformers"

Language: Python - Size: 27.6 MB - Last synced at: 1 day ago - Pushed at: almost 3 years ago - Stars: 23 - Forks: 4

Continvvm/continuum

A clean and simple data loading library for Continual Learning

Language: Python - Size: 3.27 MB - Last synced at: 1 day ago - Pushed at: almost 2 years ago - Stars: 430 - Forks: 41

OneAndZero24/local-cl

Continual Learning with Local Neural Layers

Language: Python - Size: 742 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 4 - Forks: 0

trxxxxkov/spbu-bachelor-thesis

Evaluating the effectiveness of continual learning with Kolmogorov-Arnold Networks in pattern recognition tasks

Language: Jupyter Notebook - Size: 6.89 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

LAMDA-CL/PyCIL

PyCIL: A Python Toolbox for Class-Incremental Learning

Language: Python - Size: 2.6 MB - Last synced at: 3 days ago - Pushed at: 21 days ago - Stars: 923 - Forks: 143

ComplexData-MILA/AIF-Gen

Generating Synthetic Continual RLHF Data at Scale

Language: Python - Size: 7.74 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 4 - Forks: 0

wangkai930418/awesome-diffusion-categorized

collection of diffusion model papers categorized by their subareas

Size: 623 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1,697 - Forks: 76

tum-pbs/ConFIG

[ICLR2025 Spotlight] Official implementation of Conflict-Free Inverse Gradients Method

Language: Python - Size: 4 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 55 - Forks: 2

ContinualAI/avalanche

Avalanche: an End-to-End Library for Continual Learning based on PyTorch.

Language: Python - Size: 15.5 MB - Last synced at: 4 days ago - Pushed at: about 2 months ago - Stars: 1,883 - Forks: 306

pengxiang-wang/continual-learning-research

This is my continual learning research project which is also a template project for my package CLArena: https://pengxiang-wang.com/projects/continual-learning-arena

Language: Jupyter Notebook - Size: 260 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

NeuromatchAcademy/course-content-dl

NMA deep learning course

Language: Jupyter Notebook - Size: 504 MB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 773 - Forks: 277

Vision-Intelligence-and-Robots-Group/Best-Incremental-Learning

An Incremental Learning, Continual Learning, and Life-Long Learning Repository

Size: 1.22 MB - Last synced at: 2 days ago - Pushed at: 12 months ago - Stars: 581 - Forks: 51

MalwareReplayGAN/MalCL

Code and Datasets to reproduce the results of the paper ``MalCL: Leveraging GAN-Based Generative Replay to Combat Catastrophic Forgetting in Malware Classification", accepted to be published at the The 39th Annual AAAI Conference on Artificial Intelligence (AAAI) 2025.

Language: Python - Size: 3.02 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 1 - Forks: 1

google-deepmind/dm_nevis

NEVIS'22: Benchmarking the next generation of never-ending learners

Language: Python - Size: 390 KB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 102 - Forks: 6

ShipengWang/Adam-NSCL

PyTorch implementation of our Adam-NSCL algorithm from our CVPR2021 (oral) paper "Training Networks in Null Space for Continual Learning"

Language: Python - Size: 3.74 MB - Last synced at: 1 day ago - Pushed at: almost 4 years ago - Stars: 60 - Forks: 2

GMvandeVen/continual-learning

PyTorch implementation of various methods for continual learning (XdG, EWC, SI, LwF, FROMP, DGR, BI-R, ER, A-GEM, iCaRL, Generative Classifier) in three different scenarios.

Language: Jupyter Notebook - Size: 2.93 MB - Last synced at: 9 days ago - Pushed at: 29 days ago - Stars: 1,699 - Forks: 327

ContinualAI/continual-learning-papers

Continual Learning papers list, curated by ContinualAI

Language: HTML - Size: 7.4 MB - Last synced at: 10 days ago - Pushed at: about 1 year ago - Stars: 628 - Forks: 55

Chemaclass/php-best-practices

What I consider the best practices for web and software development.

Size: 1.43 MB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 77 - Forks: 10

ContinualAI/continual-learning-baselines

Continual learning baselines and strategies from popular papers, using Avalanche. We include EWC, SI, GEM, AGEM, LwF, iCarl, GDumb, and other strategies.

Language: Python - Size: 238 KB - Last synced at: 1 day ago - Pushed at: about 1 year ago - Stars: 294 - Forks: 38

jhairgallardo/awesome-continual-self-supervised-learning

List of papers that combine self-supervision and continual learning

Size: 67.4 KB - Last synced at: 13 days ago - Pushed at: about 2 months ago - Stars: 63 - Forks: 2

humansensinglab/POET-continual-action-recognition

Code for the paper: "POET: Prompt Offset Tuning for Continual Human Action Adaptation" (ECCV 2024, Oral)

Language: Python - Size: 49.1 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 9 - Forks: 1

RLE-Foundation/Plasticine

Accelerating Research in Plasticity-Motivated Deep Reinforcement Learning.

Language: Python - Size: 11.5 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 13 - Forks: 2

Mattdl/CLsurvey

Continual Hyperparameter Selection Framework. Compares 11 state-of-the-art Lifelong Learning methods and 4 baselines. Official Codebase of "A continual learning survey: Defying forgetting in classification tasks." in IEEE TPAMI.

Language: Python - Size: 165 KB - Last synced at: 1 day ago - Pushed at: almost 4 years ago - Stars: 202 - Forks: 24

IDSIA/automated-cl

Official repository for the paper "Automating Continual Learning"

Language: Python - Size: 1.05 MB - Last synced at: 12 days ago - Pushed at: about 1 year ago - Stars: 14 - Forks: 3

yaoyao-liu/class-incremental-learning

PyTorch implementation of AANets (CVPR 2021) and Mnemonics Training (CVPR 2020 Oral)

Language: Python - Size: 109 KB - Last synced at: 1 day ago - Pushed at: about 1 month ago - Stars: 465 - Forks: 69

awslabs/Renate

Library for automatic retraining and continual learning

Language: Python - Size: 6.58 MB - Last synced at: about 8 hours ago - Pushed at: 7 months ago - Stars: 292 - Forks: 6

chaoyanghe/Awesome-Federated-Learning

FedML - The Research and Production Integrated Federated Learning Library: https://fedml.ai

Size: 210 KB - Last synced at: 15 days ago - Pushed at: over 2 years ago - Stars: 1,950 - Forks: 329

Alexk1704/scclv2

SCalable Continual Learning - An experimental machine learning framework for the investigation of continual learning algorithms.

Language: Python - Size: 722 KB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0

Infineon/StreamGen

Python framework for generating streams of labeled data.

Language: Python - Size: 64.4 MB - Last synced at: 7 days ago - Pushed at: 4 months ago - Stars: 12 - Forks: 0

GMvandeVen/class-incremental-learning

PyTorch implementation of a VAE-based generative classifier, as well as other class-incremental learning methods that do not store data (DGR, BI-R, EWC, SI, CWR, CWR+, AR1, the "labels trick", SLDA).

Language: Python - Size: 1.51 MB - Last synced at: 8 days ago - Pushed at: over 2 years ago - Stars: 77 - Forks: 15

Estrella-fugaz/CVPR25-DUCT

Dual Consolidation for Pre-Trained Model-Based Domain-Incremental Learning (CVPR 2025)

Language: Python - Size: 4.98 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 16 - Forks: 2

RaptorMai/online-continual-learning

A collection of online continual learning paper implementations and tricks for computer vision in PyTorch, including our ASER(AAAI-21), SCR(CVPR21-W) and survey (Neurocomputing).

Language: Python - Size: 258 KB - Last synced at: 1 day ago - Pushed at: almost 2 years ago - Stars: 402 - Forks: 58

LAMDA-CL/CIL_Survey

Class-Incremental Learning: A Survey (TPAMI 2024)

Language: Python - Size: 1.32 MB - Last synced at: 21 days ago - Pushed at: 6 months ago - Stars: 247 - Forks: 26

ZixuanKe/PyContinual

PyContinual (An Easy and Extendible Framework for Continual Learning)

Language: Python - Size: 3 MB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 314 - Forks: 65

LAMDA-CL/PROOF

Learning without Forgetting for Vision-Language Models (TPAMI 2025)

Language: Python - Size: 581 KB - Last synced at: 21 days ago - Pushed at: 3 months ago - Stars: 34 - Forks: 2

zjunlp/DynamicKnowledgeCircuits

How Do LLMs Acquire New Knowledge? A Knowledge Circuits Perspective on Continual Pre-Training

Language: Jupyter Notebook - Size: 39.4 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 30 - Forks: 0

LAMDA-CL/RevisitingCIL

Revisiting Class-Incremental Learning with Pre-Trained Models: Generalizability and Adaptivity are All You Need (IJCV 2024)

Language: Python - Size: 492 KB - Last synced at: 21 days ago - Pushed at: 9 months ago - Stars: 137 - Forks: 22

LAMDA-CL/MM21-Coil

The code repository for "Co-Transport for Class-Incremental Learning" (ACM MM'21) in PyTorch.

Language: Python - Size: 267 KB - Last synced at: 8 days ago - Pushed at: over 3 years ago - Stars: 12 - Forks: 1

LAMDA-CL/CVPR22-Fact

Forward Compatible Few-Shot Class-Incremental Learning (CVPR'22)

Language: Python - Size: 1.61 MB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 129 - Forks: 23

LAMDA-CL/LAMDA-PILOT

🎉 PILOT: A Pre-trained Model-Based Continual Learning Toolbox

Language: Python - Size: 7.13 MB - Last synced at: 21 days ago - Pushed at: about 1 month ago - Stars: 407 - Forks: 45

mmasana/FACIL

Framework for Analysis of Class-Incremental Learning with 12 state-of-the-art methods and 3 baselines.

Language: Python - Size: 7.42 MB - Last synced at: 1 day ago - Pushed at: almost 2 years ago - Stars: 548 - Forks: 101

notmahi/disk

PyTorch implementation for "Discovery of Incremental Skills" (DISk) algorithm from ICLR 2022 paper "One After Another: Learning Incremental Skills for a Changing World"

Language: Python - Size: 41.4 MB - Last synced at: 1 day ago - Pushed at: about 3 years ago - Stars: 19 - Forks: 1

xiaobaben/BrainUICL

[ICLR 2025] BrainUICL: An Unsupervised Individual Continual Learning Framework for EEG Applications

Language: Python - Size: 1.93 MB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 10 - Forks: 0

IemProg/CoFiMA

🔥 🔥 [ECCV 2024 Oral ] Official code for "Weighted Ensemble Models Are Strong Continual Learners"

Language: Python - Size: 268 KB - Last synced at: 23 days ago - Pushed at: 24 days ago - Stars: 24 - Forks: 2

feyzaakyurek/subspace-reg

Code for the ICLR2022 paper on Subspace Regularization for few-shot class incremental image classification

Language: Python - Size: 66.6 MB - Last synced at: 21 days ago - Pushed at: almost 2 years ago - Stars: 29 - Forks: 2

can-can-ya/QPMIL-VL

✨ [AAAI 2025] Queryable Prototype Multiple Instance Learning with Vision-Language Models for Incremental Whole Slide Image Classification

Language: Python - Size: 2.42 MB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 39 - Forks: 1

KaiyuanZh/OrthogLinearBackdoor

[IEEE S&P 2024] Exploring the Orthogonality and Linearity of Backdoor Attacks

Language: Python - Size: 50.8 MB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 21 - Forks: 2

GT-RIPL/Continual-Learning-Benchmark

Evaluate three types of task shifting with popular continual learning algorithms.

Language: Python - Size: 470 KB - Last synced at: 3 days ago - Pushed at: about 4 years ago - Stars: 517 - Forks: 89

MrtnMndt/OpenVAE_ContinualLearning

Open-source code for our paper: Unified Probabilistic Deep Continual Learning through Generative Replay and Open Set Recognition

Language: Python - Size: 1.85 MB - Last synced at: 1 day ago - Pushed at: about 3 years ago - Stars: 63 - Forks: 12

JNCS-NLP-LLK/KG-Prompt

Work1

Language: Python - Size: 2.18 MB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

hyintell/awesome-refreshing-llms

EMNLP'23 survey: a curation of awesome papers and resources on refreshing large language models (LLMs) without expensive retraining.

Size: 2.31 MB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 133 - Forks: 10

aimagelab/mammoth

An Extendible (General) Continual Learning Framework based on Pytorch - official codebase of Dark Experience for General Continual Learning

Language: Python - Size: 9.7 MB - Last synced at: 27 days ago - Pushed at: 28 days ago - Stars: 656 - Forks: 118

mashijie1028/Happy-CGCD

Official code for NeurIPS 2024 paper "Happy: A Debiased Learning Framework for Continual Generalized Category Discovery"

Language: Python - Size: 2.41 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 36 - Forks: 0

JosephKJ/OWOD

(CVPR 2021 Oral) Open World Object Detection

Language: Python - Size: 3.62 MB - Last synced at: 28 days ago - Pushed at: over 2 years ago - Stars: 1,048 - Forks: 155

GMvandeVen/complex-synapses

Deep learning implementation of the Benna-Fusi complex synapse model.

Language: Python - Size: 84 KB - Last synced at: 8 days ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 4

gogo-l/Tips

This repository holds the source code for Paper: TIPS: Two-Level Prompt Selection for More Stability-Plasticity Balance in Continual Learning (Under Review on Pattern Recognition).

Language: Python - Size: 2.81 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 4 - Forks: 0

grypesc/AdaGauss

2024 Neurips paper on Continual Learning and Class Incremental Learning

Language: Python - Size: 1.02 MB - Last synced at: 15 days ago - Pushed at: 3 months ago - Stars: 8 - Forks: 0

grasp-lyrl/modelzoo_continual

Model Zoos for Continual Learning (ICLR 22)

Language: Python - Size: 1 MB - Last synced at: 2 days ago - Pushed at: almost 2 years ago - Stars: 45 - Forks: 9

Wang-ML-Lab/llm-continual-learning-survey

Continual Learning of Large Language Models: A Comprehensive Survey

Size: 908 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 382 - Forks: 18

bjzhb666/GS-LoRA

Continual Forgetting for Pre-trained Vision Models (CVPR 2024)

Language: Python - Size: 1.75 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 62 - Forks: 4

AnAppleCore/MOSE

Multi-level Online Sequential Experts (MOSE) for online continual learning problem. (CVPR2024)

Language: Python - Size: 7.51 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 21 - Forks: 1

sahagobinda/GPM

Official [ICLR] Code Repository for "Gradient Projection Memory for Continual Learning"

Language: Python - Size: 39.1 KB - Last synced at: 1 day ago - Pushed at: almost 4 years ago - Stars: 90 - Forks: 17

KevinBian107/Suboptimal-Optimization

Investigating an "easy" version of continuallearning: learning different strategies within an single task

Size: 1.95 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

linhaowei1/CLoG

✌ CLoG: Benchmarking Continual Learning of Image Generation Models

Language: Python - Size: 4.05 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 18 - Forks: 4

ml-jku/L2M

Learning to Modulate pre-trained Models in RL (Decision Transformer, LoRA, Fine-tuning)

Language: Python - Size: 736 KB - Last synced at: 11 days ago - Pushed at: 7 months ago - Stars: 56 - Forks: 6

google-research/l2p

Learning to Prompt (L2P) for Continual Learning @ CVPR22 and DualPrompt: Complementary Prompting for Rehearsal-free Continual Learning @ ECCV22

Language: Python - Size: 396 KB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 437 - Forks: 46

UIC-Liu-Lab/ContinualLM

An Extensible Continual Learning Framework Focused on Language Models (LMs)

Language: Python - Size: 696 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 272 - Forks: 21

Mattdl/ContinualEvaluation

[Spotlight ICLR 2023 paper] Continual evaluation for lifelong learning with neural networks, identifying the stability gap.

Language: Python - Size: 498 KB - Last synced at: 1 day ago - Pushed at: about 2 years ago - Stars: 28 - Forks: 4

sun-hailong/CVPR24-Ease

The code repository for "Expandable Subspace Ensemble for Pre-Trained Model-Based Class-Incremental Learning"(CVPR24) in PyTorch.

Language: Python - Size: 849 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 69 - Forks: 3

ramanakshay/eligibility-traces

Continual credit-assignment for deep networks using eligibility traces

Language: Python - Size: 664 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Pervasive-AI-Lab/cvpr_clvision_challenge

CVPR 2020 Continual Learning Challenge - Submit your CL algorithm today!

Language: Python - Size: 45.7 MB - Last synced at: 1 day ago - Pushed at: over 2 years ago - Stars: 59 - Forks: 24

mohammadmozafari/advanced-machine-learning

This repo contains the implementation of some new papers on some advanced topics of machine learning e.g. meta-learning, reinforcement-learning, meta-reinforcement-learning, continual-learning and etc.

Language: Jupyter Notebook - Size: 4.89 MB - Last synced at: 30 days ago - Pushed at: over 2 years ago - Stars: 51 - Forks: 6

fajieyuan/SIGIR2021_Conure

Pre-training and Lifelong learning for User Embedding and Recommender System

Language: Python - Size: 3.44 MB - Last synced at: 11 days ago - Pushed at: about 1 year ago - Stars: 45 - Forks: 5

xiaojieli0903/CKPD-FSCIL

Official code of "Continuous Knowledge-Preserving Decomposition for Few-Shot Continual Learning"

Language: Python - Size: 1.51 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 29 - Forks: 1

danelpeng/Awesome-Continual-Leaning-with-PTMs

This is a curated list of "Continual Learning with Pretrained Models" research.

Size: 254 KB - Last synced at: 12 days ago - Pushed at: about 2 months ago - Stars: 16 - Forks: 0

iacobo/continual

Continual Learning of Electronic Health Records

Language: Python - Size: 392 KB - Last synced at: 12 days ago - Pushed at: about 2 months ago - Stars: 13 - Forks: 4

pengxiang-wang/continual-learning-arena-legacy

This legacy project has been partially transformed into Python package: https://pengxiang-wang.com/projects/continual-learning-arena/

Language: Jupyter Notebook - Size: 29.5 MB - Last synced at: 6 days ago - Pushed at: 7 months ago - Stars: 4 - Forks: 0

wish44165/ntd

CVPR 2024 (Seattle, USA) - CLVision Workshop

Language: Python - Size: 26.4 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

arthurdouillard/incremental_learning.pytorch

A collection of incremental learning paper implementations including PODNet (ECCV20) and Ghost (CVPR-W21).

Language: Python - Size: 6.03 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 398 - Forks: 59

JosephKJ/iOD

(TPAMI 2021) iOD: Incremental Object Detection via Meta-Learning

Language: Python - Size: 1.46 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 126 - Forks: 23

iacobo/generative-latent-replay

Generative latent replay - a memory-efficient, privacy ensuring replay method for continual learning.

Language: Python - Size: 1.71 GB - Last synced at: 12 days ago - Pushed at: about 2 months ago - Stars: 4 - Forks: 1

arthurdouillard/dytox

Dynamic Token Expansion with Continual Transformers, accepted at CVPR 2022

Language: Python - Size: 3.4 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 138 - Forks: 16

sanketvmehta/lifelong-learning-pretraining-and-sam

Code for the paper "Mehta, S. V., Patil, D., Chandar, S., & Strubell, E. (2023). An Empirical Investigation of the Role of Pre-training in Lifelong Learning. The Journal of Machine Learning Research 24 (2023)"

Language: Python - Size: 79.9 MB - Last synced at: 1 day ago - Pushed at: about 1 year ago - Stars: 17 - Forks: 4

ethz-asl/ucsa_neural_rendering

[CVPR 2023] Unsupervised Continual Semantic Adaptation through Neural Rendering

Language: Python - Size: 1.41 MB - Last synced at: 29 days ago - Pushed at: over 1 year ago - Stars: 37 - Forks: 2

MrGiovanni/ContinualLearning

[MICCAI 2023] Continual Learning for Abdominal Multi-Organ and Tumor Segmentation

Language: Python - Size: 329 KB - Last synced at: 13 days ago - Pushed at: 9 months ago - Stars: 69 - Forks: 9

perceivelab/SER

Saliency-driven Experience Replay for Continual Learning (NeurIPS2024)

Language: Python - Size: 85.6 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 1

K1nght/online_CL_logit_adjusted_softmax

official code repository for TMLR paper "Online Continual Learning via Logit Adjusted Softmax"

Language: Python - Size: 148 KB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

iSEE-Laboratory/Continual-AQA

(TCSVT 2024) Official PyTorch implementation of paper "Continual Action Assessment via Task-Consistent Score-Discriminative Feature Distribution Modeling"

Language: Python - Size: 738 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 9 - Forks: 1

mikelma/componet

Source code of the ICML24 paper "Self-Composing Policies for Scalable Continual Reinforcement Learning" (selected for oral presentation)

Language: Python - Size: 73.1 MB - Last synced at: 16 days ago - Pushed at: 10 months ago - Stars: 20 - Forks: 3

uber-research/vargp

Variational Auto-Regressive Gaussian Processes for Continual Learning

Language: Python - Size: 1.89 MB - Last synced at: 29 days ago - Pushed at: almost 4 years ago - Stars: 21 - Forks: 4

SegmentationBLWX/cssegmentation

CSSegmentation: An Open Source Continual Semantic Segmentation Toolbox Based on PyTorch.

Language: Python - Size: 376 KB - Last synced at: 27 days ago - Pushed at: over 1 year ago - Stars: 33 - Forks: 4

JosephKJ/merlin

(NeurIPS 2020) Meta-Consolidation for Continual Learning

Language: Python - Size: 10.9 MB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 37 - Forks: 7

FabriDeCastelli/dark-experience-replay

Implementation of Dark Experience Replay with Reservoir Sampling from scratch, benchmarked on CIL, TIL and DIL.

Language: Jupyter Notebook - Size: 230 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

arthurdouillard/CVPR2021_PLOP

Official code of CVPR 2021's PLOP: Learning without Forgetting for Continual Semantic Segmentation

Language: Python - Size: 709 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 151 - Forks: 22

Qznan/SpanKL

Code for paper: A Neural Span-Based Continual Named Entity Recognition Model

Language: Python - Size: 72.7 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 16 - Forks: 3

Related Keywords
continual-learning 452 incremental-learning 95 deep-learning 94 lifelong-learning 93 pytorch 71 machine-learning 66 catastrophic-forgetting 48 computer-vision 39 class-incremental-learning 30 transfer-learning 27 reinforcement-learning 21 deep-neural-networks 16 natural-language-processing 14 meta-learning 14 few-shot-learning 13 large-language-models 12 self-supervised-learning 12 knowledge-distillation 12 artificial-intelligence 11 elastic-weight-consolidation 11 object-detection 11 online-learning 10 domain-adaptation 9 semantic-segmentation 9 representation-learning 9 lifelong-machine-learning 9 federated-learning 9 python 8 vision-transformer 8 dataset 8 experience-replay 8 variational-autoencoder 8 robotics 8 nlp 8 mnist 7 diffusion-models 7 transformers 7 image-classification 7 classification 7 llm 7 domain-incremental-learning 7 tensorflow 6 neural-networks 6 cvpr2022 6 convolutional-neural-networks 6 artificial-neural-networks 6 distillation 6 generative-model 6 llms 6 neural-network 6 pytorch-implementation 6 zero-shot-learning 6 transformer 6 segmentation 5 online-continual-learning 5 multitask-learning 5 knowledge-transfer 5 fine-tuning 5 continualai 5 unsupervised-learning 5 benchmark 5 jax 5 forgetting 5 pruning 5 replay 5 task-incremental-learning 5 papers 5 detectron2 5 pre-training 5 machine-learning-algorithms 4 synaptic-intelligence 4 rehearsal 4 framework 4 graph-neural-networks 4 machine-unlearning 4 cnn 4 continual-reinforcement-learning 4 recurrent-neural-networks 4 awesome-list 4 continuous-learning 4 ai 4 pretrained-models 4 bayesian-inference 4 vision-language-model 4 text-classification 4 icarl 4 generative-models 4 deepfake-detection 4 optimization-algorithms 4 cifar100 4 pretrained-language-model 4 reproducible-research 4 ewc 4 cvpr2021 4 contrastive-learning 4 survey 4 generative-replay 4 brain-inspired-ai 4 slam 3 gradient-episodic-memory 3