Next Article in Journal
Open Circuit Fault Detection of T-Type Grid Connected Inverters Using Fast S Transform and Random Forest
Next Article in Special Issue
TTANAD: Test-Time Augmentation for Network Anomaly Detection
Previous Article in Journal
Predicting Bitcoin Prices Using Machine Learning
Previous Article in Special Issue
Robust Superpixel Segmentation for Hyperspectral-Image Restoration
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Few Shot Class Incremental Learning via Efficient Prototype Replay and Calibration

Department of Electronic Engineering, Fudan University, Shanghai 200438, China
*
Author to whom correspondence should be addressed.
Entropy 2023, 25(5), 776; https://doi.org/10.3390/e25050776
Submission received: 21 March 2023 / Revised: 6 May 2023 / Accepted: 8 May 2023 / Published: 10 May 2023
(This article belongs to the Special Issue Signal and Information Processing in Networks)

Abstract

:
Few shot class incremental learning (FSCIL) is an extremely challenging but valuable problem in real-world applications. When faced with novel few shot tasks in each incremental stage, it should take into account both catastrophic forgetting of old knowledge and overfitting of new categories with limited training data. In this paper, we propose an efficient prototype replay and calibration (EPRC) method with three stages to improve classification performance. We first perform effective pre-training with rotation and mix-up augmentations in order to obtain a strong backbone. Then a series of pseudo few shot tasks are sampled to perform meta-training, which enhances the generalization ability of both the feature extractor and projection layer and then helps mitigate the over-fitting problem of few shot learning. Furthermore, an even nonlinear transformation function is incorporated into the similarity computation to implicitly calibrate the generated prototypes of different categories and alleviate correlations among them. Finally, we replay the stored prototypes to relieve catastrophic forgetting and rectify prototypes to be more discriminative in the incremental-training stage via an explicit regularization within the loss function. The experimental results on CIFAR-100 and miniImageNet demonstrate that our EPRC significantly boosts the classification performance compared with existing mainstream FSCIL methods.

1. Introduction

Compared with artificial intelligence, human intelligence possesses a unique ability to learn from only a small amount of data, relying on its special memorizing and reasoning capabilities [1]. Motivated by this observation, current research mainly focuses on training and optimizing model parameters or modifying model structures to enable it to learn from only a few samples, which is denoted as few shot learning [2,3]. The primary objective of few shot learning is to leverage large-scale data of base categories to enhance the generalization ability of models and then obtain discriminative features for new categories with merely few training data. Recent popular few shot learning methods usually employ meta-learning and metric learning to acquire generalizable representations and perform classification. However, in realistic scenarios, both human and artificial intelligence face a similar challenge: without enough memory, previously learned information may be forgotten as knowledge accumulates continually, thus leading to mistakes in reasoning. To simulate this situation, researchers have proposed incremental learning tasks [4], where models are trained to alleviate the forgetting problem to some extent. Few incremental learning, as an integration of few shot learning and incremental learning, has great practical value, but also presents significant challenges. In particular, it is necessary to address the catastrophic forgetting problem [5,6] of prior knowledge from old categories in incremental learning, as well as the overfitting problem of new categories in few shot learning.
The problem of catastrophic forgetting [5,6] in incremental learning is primarily caused by the drift of parameters in the model. This phenomenon can be explained from two perspectives. First, from the local perspective, when updating the weights associated with the old categories by utilizing new category data, minimizing the loss of new categories could result in the performance decline of old categories. Second, from the global perspective, in class incremental learning, the model is trained only on new category data in each incremental stage, and all encountered categories are never trained together, thus causing sub-optimal differentiation of these categories at most after updating the model parameters.
To address this issue, three general kinds of approaches have been proposed. With regard to models, the first kind suggests continually expanding and updating the network structure, such as in [7]. However, it will increase the complexity of the network in each incremental session, which is challenging to implement in practice. With regard to optimization algorithms, regularization constraints on the parameters or features can make models inclined to infer as before, thereby maintaining the performance on old categories, such as in [8,9]. With regard to data, data storage and retrieval of old categories is an explicit way to alleviate forgetting. However, storing original data [10] is limited by the size of memory, and generating data or features [11] requires plenty of training data, which makes it difficult to implement in few shot scenarios. Therefore, in this paper, we store prototype features for each encountered category and then conduct prototype replay and calibration in each few shot incremental stage, which is more practical and effective.
Additionally, we perform pre-training with strong augmentations as well as popular meta-learning to tackle the overfitting problem of new categories in few shot scenarios, thus obtaining discriminative features. With regard to prototypes, as demonstrated in Figure 1, there always exist certain correlations between the actual normalized prototype features in unit sphere unless they are strictly orthogonal, which will cause interference in classification. Generally, two prototype features are more unrelated when their angle is closer to 90 degrees, thus making them more discriminative. However, the dimension of feature space limits the total number of orthogonal vectors that can be achieved; thus, we do not orthogonalize these features. Instead, we make implicit restrictions in the training stage to calibrate the generated prototypes of different categories to make them less correlated so that they are capable of distinguishing each other.
Based on the above analysis, we propose an efficient prototype replay and calibration (EPRC) with three stages to adapt to few shot incremental tasks. For the preliminary, we first utilize the rotation and random mix-up of input data or intermediate features as a strong augmentation in the pre-training stage to promote the backbone to generate strong representations. With limited support samples, novel incremental sessions are quite different from the base session. To alleviate overfitting of these few shot novel categories, we randomly sample a batch of pseudo few shot learning tasks in large-scale base datasets to help the model adapt to few shot scenarios, which we call the meta-training stage. Moreover, a feature projection layer is trained together with the backbone to map the initial prototypes into more discriminative ones. To mitigate the overlap of correlations among prototypes of different categories, we leverage an even nonlinear transformation function to alter the softmax function and then implicitly calibrate these prototypes. Finally, with respect to catastrophic forgetting in the incremental stage, we store prototypes encountered before and replay them in the third incremental-training stage to further assist distinguishing among all the prototypes. We also conduct binarization for prototypes (which can be regarded as weights of a classifier) to simplify the model, thereby reducing the risk of overfitting. With an explicit regulation in loss function for fine-tuning the projection layer, the stored prototypes can be refined better. To validate the effectiveness and rationality of three stages in our EPRC, we conduct experiments on public datasets, i.e., CIFAR-100 and miniImageNet. Our contributions can be summarized as follows:
  • We design a holistic three-stage training scheme for few shot class incremental learning, which can be applied as a generalized pipeline to enhance the quality of prototypes in a step-by-step way.
  • To avoid overfitting, we introduce a pre-training stage with strong augmentations and a meta-training stage with implicit prototype calibration which reduce overlap among features of different categories.
  • To mitigate catastrophic forgetting, we perform prototype storage and replay together with an explicit prototype rectification by leveraging both base and novel knowledge in the incremental-training stage.
  • The experimental results on CIFAR-100 and miniImageNet datasets demonstrate that our EPRC significantly boosts the classification performance compared with existing mainstream FSCIL methods.

2. Related Work

2.1. Few Shot Learning

The characteristic of few shot learning lies in the limited training data, which causes a lack of prior knowledge. To compensate for this deficiency, data augmentation or complex task augmentation [12,13] can be performed to enable the model to learn richer prior knowledge. For example, ContrastNet [12] simultaneously performs instance-level and task-level data augmentation to avoid overfitting caused by insufficient data during training. Utilizing contrastive learning, it learns more discriminative features in similar augmented samples and tasks. Similarly, IEPT [13] expands the sampled original task to four augmented tasks by rotation, thus improving the generalization ability of the feature extractor. Based on these kinds of augmentation, few shot learning can then be further divided into two categories: metric-learning-based and meta-learning-based.
Generally, the goal of metric learning is to minimize the intra-class distances and maximize the inter-class distances. Metric-learning-based methods such as [14,15,16] usually focus on the relationship between instances. They first map support and query instances into the same feature space, and then predict based on the calculated similarity between their features. Other works have made a series of extensions based on [14,15,16] and have made good progress. AM3 [17] integrates additional cross-modal knowledge (such as semantic representation) into the prototypical network [15]. BiDiLEL [18] learns to project visual embeddings into a latent space to bridge the gap between the visual representation space and the semantic space. DeepEMD [19] explores the relationship between local feature embeddings from different images and searches for the optimal match between the support and query samples. Then it can measure distances by minimizing the cost of matching. From the perspective of labels, SPL [20] explores structural information via unsupervised learning and utilizes selective pseudo-labeling and structured prediction in the target domain without annotated data. ArL [21] comprehensively studies absolute and relative label information to obtain more realistic and accurate relationships between images. Moreover, as a special part of metric learning, methods based on graph neural networks such as [22,23,24,25,26] mainly perform representation learning by iteratively aggregating features from neighboring nodes and updating node or edge features, thus exploring complex relations between features.
Meta-learning-based methods focus on designing optimization steps in the meta-training process to update the model parameters so as to obtain a more generalized model, whose interpretability is relatively strong, according to [27]. As a milestone method, MAML [28] aims to find suitable initial parameters through cross-task training. Based on these initialized parameters, the base learner can quickly generalize well on new tasks with few labeled examples. Inspired by [28], TAML [29] introduces an unbiased task-independent prior on the original model to prevent it from over-relying on meta-training tasks. CAML [30] designs a parameterized conditional transformation module based on label structure, which can modulate the representation of the base learner according to the current task. With regard to computational cost, LEO [31] maps the parameters in the high-dimensional space to a low-dimensional latent space through a trained encoder to accelerate the speed of model learning and adaptation. MetaOptNet [32] combines a QP solver with a linear classifier to further reduce the computational cost. Unlike [28], BOIL [33] freezes the classifier during the inner optimization process of meta-training to enable the model to have a stronger generalization ability towards variable representations, which is essential for domain-agnostic tasks.

2.2. Few Shot Class Incremental Learning

Traditional neural networks are typically trained on a fixed large-scale dataset of pre-defined classes and evaluated on these known classes. However, in dynamic and open real-world applications, new classes emerge constantly, and thus the model needs to continually improve its discriminative ability to handle these new classes. Few shot class incremental learning (FSCIL), which sequentially learns from a series of datasets containing different classes with limited data, is distinct from conventional classification methods in that it can classify all encountered classes simultaneously. In few shot class incremental learning, when the model updates its parameters leveraging data of new classes, it often suffers from the overfitting problem of old classes of insufficient training data catastrophic forgetting. These two problems limit the practical application of conventional classification models in open environments.
Firstly, to deal with the overfitting problem in FSCIL, recent works set out from either data augmentation or feature refinement. With regard to data augmentation, Ref. [34] trains a generator in the base session and generates samples for novel classes as a supplement of training data. Another kind of augmentation [35,36,37] is similar to meta-learning (or pseudo incremental learning [36]), which samples plenty of few shot tasks (episodes) in base session to simulate the few shot incremental scenarios. Then they can force features adaptive to various randomly simulated incremental processes and then enhance model’s generalization ability by training on these episodes. With regard to feature refinement, TOPIC [38] calibrates the feature representation for novel classes by adapting Neural Gas(NG) to new training samples. SPPR [35] explicitly explores the relationships of different classes and then strengthens the expressiveness of novel classes.
Secondly, to tackle the catastrophic forgetting problem, there are mainly three kinds of methods: network-structure-based, regularization-based, and replay-based. Network-structure-based methods continuously expand the network structure in incremental stage, which makes it challenging to apply them in a continuous long sequence process. Regularization-based methods can be further divided into parameter-based and distillation-based ones. Parameter-based methods prevent the model from forgetting old knowledge by regularizing the parameters. For example, EWC [39] uses Fisher information to measure the importance of different parameters in the model for old classes and then optimizes unimportant parameters, while freezing or constraining important parameters during class incremental stage. Distillation-based methods [8,9] ensure consistency between the model’s output for specific inputs before and after updating the parameters by designing the loss function. In addition to distilling sample features, methods such as TPCIL [40] impose constraints on the similarity of neighboring nodes and explicitly penalize changes in such relationships in the loss function after parameter updating. Apart from that, the most intuitive way to address the problem of forgetting old knowledge is to store it. When encountering new classes, replay-based methods replay old knowledge by storing real samples of old classes, generated samples or features. Since retaining real data is influenced by the strict storage requirements, data sampling and storage are needed (e.g., iCaRL [10]). The impact of data security has also spurred research on generator-based methods. In contrast, saving and replaying representative features are more advantageous than real data in terms of computational time and storage space. Therefore, many recent works [11,34,36,41,42,43] as well as our method are based on feature replay.

2.3. Prototype Calibration in Metric Learning

In metric learning, it is crucial to obtain discriminative instance and prototype feature representations. However, due to the insufficient training data in few shot learning, directly obtaining reliable prototypes becomes challenging, making prototype calibration indispensable. AM3 [17] introduces extra cross-modal knowledge into the prototypical network by utilizing GloVe [44] to extract word embeddings for semantic labels and adaptively combining visual features and semantic features in a convex way to construct new prototypes. BD-CSPN [45] uses pseudo-labeling to mitigate intra-class bias. Additionally, it computes an offset term to compensate for the bias between different sets of support and query categories. CEC [36] adaptively updates weights of the classifier (another form of prototypes) in the constructed graph. ICI [46] iteratively selects unlabeled samples with high confidence and adds them to the support set for data augmentation after assigning pseudo-labels. Then it updates the class centers for the next iteration. LR+DC [47] computes the statistical information of base classes and transfers it to the support set composed of new classes. Specifically, it selects several nearest neighbors of base class samples for each novel class sample and introduces them into the calculation of new class statistics. Similarly, Ref. [35] dynamically measures the relationship between new class samples and old base classes to facilitate prototype updating during meta-training and meta-testing. PT+MAP [48] also iteratively estimates new prototypes and updates them proportionally to obtain more accurate class centers during the assignment of the query set and its corresponding classes. Following [46,48], ILPC [49] predicts pseudo-labels for query samples and selects a portion of cleaned queries with high quality to expand the annotated datasets.

3. Materials and Methods

3.1. Problem Definition

Different from few shot learning (FSL), few shot class incremental learning (FSCIL) aims to sequentially learn novel knowledge from new classes with merely few annotated samples and simultaneously alleviate the forgetting of old classes. As shown in Figure 2, given a sequence of training datasets { D 0 , D 1 , , D t , } in session { 0 , 1 , , t , } , where D t = { ( x i t , y i t ) } i = 1 | D t | contains training samples and its corresponding labels, the FSCIL model is trained progressively. Supposing that the category set of session t is C t , there is no overlap between category sets of different sessions, i.e., i , j { 0 , 1 , 2 , , t , } and i j , C i C j = . More concretely, D 0 of base classes in session 0 is usually a large-scale dataset, where model is pre-trained. When t 1 , the form of incremental session t is a typical N-way K-shot task (e.g., 5-way 5-shot). Each task consists of N novel classes with K labeled training samples. The scale of these few shot tasks is extremely small, i.e., N K | D 0 | . Similar to incremental learning, D t is only accessible to the model in session t in FSCIL. Moreover, the model could also leverage a small amount of stored information from previous sessions. After each incremental-training stage, the model will be evaluated comprehensively on the test set of all encountered classes ever in an inductive way, i.e., C = i = 0 t C i .

3.2. Overview of EPRC

In this section, we elaborate on the details of the efficient prototype replay and calibration (EPRC) method for few shot class incremental tasks. As shown in Figure 3, EPRC consists of three stages: pre-training, meta-training, and incremental-training stage. The purpose of the pre-training stage is to initially obtain an effective feature extractor. In the meta-training stage, EPRC learns to obtain generalized parameters through a series of randomly sampled few shot tasks, thus generating distinguishable prototype features and then being able to quickly adapt to new classes with few annotated samples in the incremental stage. In the incremental-training stage, based on the strong backbone obtained from the first two stages and the replayed prototypes, the parameters of a projection layer are further optimized via novel support samples. By and large, the pre-training and meta-training stages consider only base classes with plenty of training data. When encountering novel classes with few annotated data, incremental training serves as a supplement and refinement for the first two stages to make prototypes of both base and novel classes more discriminative from a holistic point of view by studying the relationships of both the base and novel prototypes. The details of each stage will be presented in the following sections.

3.2.1. Efficient Pre-Training Strategy

During the pre-training stage, following [48,49], we first utilize the large-scale dataset D 0 to train the backbone on the standard classification task with rotation as an augmentation so as to obtain discriminative features. The standard prediction loss on the base class dataset D 0 is as follows:
L p r e = 1 | D 0 | x D 0 L ( C ( f ( x ) ) , y ) ,
where L represents the cross-entropy loss, C represents a linear classifier, f ( · ) represents the feature extractor, and y represents the label of the input sample x.
Based on the standard classification task, we rotate the input image x by r degrees and input both the rotated and original images into the model for training, where r D r = { 0 , 90 , 180 , 270 } . The standard classification loss on D 0 is then formulated as follows:
L C = 1 | D r | | D 0 | x D 0 r D r L ( C ( f ( x r ) ) , y ) ,
where L represents the cross-entropy loss, C is a cosine classifier with softmax, f ( · ) represents the feature extractor, and y is the label of x r . Moreover, the rotation loss for self-supervised training is as follows:
L R = 1 | D r | | D 0 | x D 0 r D r L ( C R ( f ( x r ) ) , r ) ,
where C R is a linear rotation classifier, which aims to classify the rotation angle of input image. As demonstrated in Figure 4, after training the backbone with the sum of classification loss L C and rotation loss L R , we further conduct random mix-up for training of feature extractor, which is inspired by [50]. Assuming there are 4 layers in the backbone, considering a pair of different inputs x a and x b , we randomly select i { 0 , 1 , 2 , 3 , 4 } to mix up the i-th data in a proportional way, where i = 0 represents the initial input image and i > 0 represents the output feature map of the i-th layer. The specific process is as follows:
f m , i = λ f i ( x a ) + ( 1 λ ) f i ( x b ) ,
where λ is sampled from a β -distribution, and f i ( · ) denotes the output of i-th layer in the backbone. The combined feature f m , i is then fed into the remaining layer of the backbone after layer i to generate the final mix-up representations f m i x . Then we can compute the mix-up loss term for this pair of inputs:
L m = λ L ( C ( f m i x ) , y a ) + ( 1 λ ) L ( C ( f m i x ) , y b ) ,
Then the total mix-up loss can be formulated as:
L M = 1 | F m | f m i x F m L m ,
where F m represents the set of all features obtained after mixing up. In general, the combination of rotation and mix-up could greatly enhance the generalization ability of our backbone.

3.2.2. Implicit Prototype Calibration in Meta-Training Stage

The purpose of meta-training is to further optimize the model so that it has good generalization performance on new categories that will be encountered in the incremental stage, and generates robust feature embeddings for input images. To achieve this, in this stage, K support samples and M query samples are randomly selected for each class in the dataset D 0 to form a series of few shot tasks, which is a simulation of the few shot incremental process. By meta-training with these randomly sampled few shot tasks, the model can quickly adapt to new categories with few annotated samples. The pipeline of meta-training is demonstrated in Figure 5. First, the pre-trained model is used to extract features from the support samples of each task, and the initial prototypes of each class j are calculated as:
p j = 1 K ( x , y ) D S 0 f ( x ) · 𝟙 ( y = j ) ,
where D S 0 denotes support set in D 0 and 𝟙 ( · ) is an indicator function. Then a trainable feature projection layer is utilized to calibrate the initial prototypes into more robust and discriminative ones:
p j = P r o j ( p j ) .
In order to generate more discriminative and robust feature embeddings, the parameters of feature extractor and the projection layer are optimized together in the meta-training stage to improve the calibration ability of the projection layer. For each query sample x q of a specific sampled task, its similarity with each calibrated prototype p j of each class is measured as follows:
s j = c o s ( t a n h ( P r o j ( f ( x q ) ) ) , t a n h ( p j ) ) ,
where c o s ( · ) represents cosine similarity, and t a n h ( · ) is a nonlinear function to map feature vectors to finite values (−1 to 1). The above formula indicates that the larger the cosine similarity between a query sample and a prototype, the more likely the query sample belongs to the corresponding class j. The probability of the query sample belonging to class j is then computed:
p r o b j = ζ ( s j ) j = 1 | C 0 | ζ ( s j ) .
ζ ( s j ) is usually designed to be a monotonically increasing nonlinear function to ensure that the probability increases as the similarity increases. For example:
ζ ( s j ) = ζ 1 : = e α s j ,
where α is a scale factor.
According to the previous analysis, we hope that features generated for samples of different classes can be less correlated, which means that the cosine value is far away from 1 or −1. Therefore, from this special respect of inter-class difference, an improved ζ ( s j ) is designed as an even nonlinear function whose curve first decreases and then increases. The form is as follows:
ζ ( s j ) = ζ 2 : = s i g m o i d ( α ( s j 0.5 ) ) + s i g m o i d ( α ( s j 0.5 ) ) .
Under this circumstance, for two feature vectors whose angle is close to 0 degree, the prediction results remain unchanged, while for those with angles of 180 degrees, the original prediction results are dissimilar. After the nonlinear transformation of the above formula, their prediction results become similar. After training, the projection layer has the ability to project features into a new space and enhance inter-class dissimilarity. Ideally, the angles between the feature vectors of different classes in this new space are close to 90 degrees (i.e., orthogonal). The loss function in the meta-learning stage is also a standard cross-entropy prediction loss L p r e .

3.2.3. Explicit Prototype Replay and Calibration in the Incremental-Training Stage

After the pre-training and meta-training stages, the prototypes of old categories are stored for replaying in each incremental stage, as shown in Figure 6. Since we can only have access to these replayed prototypes and novel support samples, incremental training serves as a refinement of the feature projection layer. The ideal situation is that old replayed prototypes as well as novel prototypes are as discriminative as needed. However, novel prototypes are generated individually without considering their relations of old prototypes. Therefore, as a supplement of implicit prototype calibration, we conduct metric learning between prototypes of all encountered classes to further calibrate them into more discriminative ones from a holistic point of view. To alleviate overfitting problems in few shot incremental tasks, we also conduct binarizations before computing similarities for all prototypes to simplify the model and make it pay more attention to the angles between prototypes rather than the numerical values of a certain dimension. The loss function for refining the feature projection layer in the incremental-training stage is as follows:
L i n r e = 2 ( | C | 1 ) | C | i = 1 | C | 1 j = i + 1 | C | c o s ( t a n h ( p i ) , t a n h ( p j ) ) ,
where we compute the mean cosine similarities between different prototypes and then constrain them to make prototypes of different categories more distinguishable. We use gradient descent to optimize the parameters of the feature projection layer in the incremental-training stage Inductive reasoning is conducted in each incremental-testing stage based on the predicted probability of each query sample:
y ^ = arg max j p r o b j .

4. Results

4.1. Datasets and Experimental Settings

Our experiments are conducted on two widely used benchmark datasets, i.e., CIFAR-100 [51] and miniImageNet [14]. CIFAR-100 [51] contains 100 categories with 600 labeled samples in each category. The original resolution of 32 × 32 pixels makes tasks on it harder and also speeds up inference. miniImageNet [14] is derived from the original ILSVRC-12 dataset [52]. It also consists of 100 classes with 600 labeled instances each. The resolution of all images is 84 × 84 pixels. In few shot class incremental learning, we follow the standard splits and experimental settings used in [36,38] for fair comparisons. Both of the aforementioned datasets containing 100 classes are divided into two parts: 500 training samples and 100 testing samples per class. For training, the first session contains all the 30,000 samples from 60 classes, and each of the following eight incremental sessions will encounter five new classes, with only five samples randomly selected from the 500 labeled data of each class for training in each incremental stage. For evaluation in the t-th session, predictions are made for all testing samples from 60 + 5 t seen classes, i.e., there are 100 ( 60 + 5 t ) query samples each time.

4.2. Implementation Details

In all experiments, ResNet-12 is utilized as a feature extractor for few shot class incremental learning, and the dimension of the output features is 640. In the pre-training stage, the SGD optimizer is used to train the backbone with rotation and mix-up augmentation on D 0 respectively for 400 and 100 epochs. The learning rate of the pre-training stage is set to 0.01. In the meta-training stage, the feature projection layer maps the 640-dimensional vectors to 512-dimension ones and is trained together with the backbone on 100,000 sampled few shot tasks (each task consists of 60 classes, with 5 support samples and 64 query samples per class for CIFAR-100, and 5 support set samples and 16 query samples per class for miniImageNet). The scale factor α in Equations (11) and (12) is set to 10. In each incremental learning stage, the feature projection layer is iteratively optimized for 1000 times using the new category samples and replayed prototypes. The SGD optimizer is used in this stage with a learning rate of 0.01.

4.3. Performance Comparison

This section provides a quantitative comparison and analysis of the proposed model with other state-of-the-art 5-way 5-shot FSCIL methods. Specifically, we conduct 5-way 5-shot few shot class incremental experiments on CIFAR-100 and miniImageNet. The detailed experimental results are demonstrated in Table 1 and Table 2. We find that the proposed model outperforms other methods by approximately 3–5% in session 0 for the classification of 60 base classes on both datasets, primarily due to the effectiveness of the pre-training and meta-training procedure in generating robust features and reducing the correlations among prototypes of different classes. Overall, on CIFAR-100, the proposed model achieves a performance improvement of approximately 1% over other methods in the last session. However, on miniImageNet, the results are always the best in each session. The reason lies in that miniImageNet is more complex, which makes the quality of sample features in each task relatively higher. So the model can be adaptive to new categories after efficient pre-training and meta-training. Consequently, the proposed incremental-training stage aims to adjust its fitting ability to distinguish the prototypes of different classes as incremental classes accumulate. Hence, it achieves an improvement of approximately 2% in session 8 on miniImageNet.

4.4. Qualitative Analysis

We first qualitatively analyze the trend of performance in different sessions of various methods, as shown in Figure 7. The keys to improve the performance of class incremental learning lie in two aspects: how to train a robust feature extractor that can achieve high classification accuracy in session 0, and how to mitigate forgetting of old knowledge and facilitate learning of new knowledge to alleviate the decline in performance. Notably, the model can even achieve an improvement of 4–5% with only an efficient pre-training stage compared with typical methods iCaRL [10] and TOPIC [38], which benefits from the augmentations utilized in the pre-training stage. Moreover, the meta-training stage can further bring large improvements to the performance. Compared with CEC [36], our method equipped with pre-training and meta-training achieves higher accuracy in the first few sessions, which is because the implicit restriction of prototypes during meta-training helps distinguish the base samples. However, when encountered with novel samples in the incremental stage, the model cannot directly adapt to new classes and the accuracy drops a lot, so it achieves similar performance to CEC [36] in the last session. Based on the former two stages, incremental training further helps accommodate to novel classes and slows down the decline trend of performance. Therefore, it achieves an improvement of 1–4% compared with CEC [36].
Furthermore, we visualize in Figure 8 the confusion matrix of feature prototypes under different combinations of pre-training, meta-training, and incremental training on the CIFAR-100 dataset. In (a), where only pre-training is performed, there is a significant overlap of correlations between different feature prototypes in the confusion matrix (represented by dense dark red and dark blue blocks). In (b), (c), (d), and (e), the meta-training stage largely alleviates these correlations among different feature prototypes through learning from a series of sampled few shot tasks, which are represented by lighter red and blue blocks. Moreover, (d) and (e) respectively improve the ζ function on the basis of (b) and (c), reducing the overlap between feature vectors of different categories obtained by the meta-training model (also presented by lighter colors of blocks). Finally, (c) and (e) perform further incremental training on the basis of (b) and (d), respectively, which reduces the overlap between the later 40 new categories and all other categories in the incremental stage (i.e., the overall color of the other blocks except for the 60 × 60 block in the upper-left corner of the figure becomes lighter and the angle is closer to 90 degrees). In general, the qualitative analysis in Figure 8 fully demonstrates the rationality and effectiveness of the three stages of our proposed EPRC.

4.5. Ablation Study

In this section, we first conduct a series of 5-way 5-shot ablation FSCIL experiments with different combinations of training stages on CIFAR-100 and miniImagenet to demonstrate the rationality and effectiveness of our EPRC. The corresponding results are listed in Table 3 and Table 4.
During the pre-training stage, the model is trained to learn rich knowledge from base classes. Strong augmentations in pre-training promote adequate information mining of base training data and boost discriminative representations of base classes. Furthermore, the meta-training stage improves the performance of the model by 3–5% on both benchmark datasets. Equipped with incremental training, the improvement of performance in the early sessions is not that significant. The reason lies in that the number of incremental classes is relatively small, and the final accuracy is still dominated by the base classes. The experimental results in the later sessions of the incremental learning stage show that it brings over 1.5% improvements. With respect to different nonlinear transformation functions, ζ 2 plays a significant auxiliary role in meta-training, reducing the confusion among sample features of different classes. ζ 2 aims to alter the distribution of different prototypes in feature space, thus making space for novel prototypes calibration without hindering discrimination of base samples. Similarly, comparing the experimental results of using ζ 1 and ζ 2 for meta-training, although there are no significant differences between performances in the early sessions, when the incremental classes accumulate (i.e., the later sessions of the incremental learning stage), the model trained with ζ 2 achieves about 1% higher overall performance than that trained with ζ 1 . In summary, on the basis of pre-training with augmentations, our EPRC not only alleviates the confusion between base prototypes via meta-training, but also takes relationships of all base and novel prototypes into consideration, thus mitigating the decline trend of performance when classes accumulate.
In addition, the number of dimensions in the feature space not only determines how much information it can contain, but also affects the maximum number of orthogonal vectors that can be accommodated within it. Therefore, studying the impact of feature dimensions is of significant importance. Given that the dimension of features generated by ResNet-12 is 640, we present a detailed analysis of the performance with projected feature of different dimensions (i.e., 32, 64, 128, 256 and 512) on CIFAR-100, as shown in Table 5. Constrained by the scale of datasets, we study the incremental learning within only 100 classes. The results in Table 5 indicate that, when the feature dimension exceeds the number of classes, the variation in classification performance with an increase in the number of classes is negligible. However, when the number of feature dimension is smaller than that of the classes, the classification performance significantly declines. This observation implies that, if feature dimension is much smaller, there will be severe correlations among different prototypes, which limits the performance of our EPRC.
Furthermore, we also study the effect of scaling factor α to performances. As shown in Table 6, we choose different α values (i.e., 0.1, 1, 5, 10, 20, 50) and conduct 5-way 5-shot experiments on CIFAR-100. Theoretically, when α is smaller, the distribution of initial prediction becomes smoother, which requires the model to output sharper distribution in the training procedure. However, this is difficult in few shot scenarios. Large α can amplify the distinction of different samples and then make the model more sensitive to samples via meta-training, which is significant when encountered by few shot tasks. The experimental results show that EPRC performs well when α is greater than 5 and achieves the best performance when α is 10. Thus, we set α to 10 in our EPRC to conduct FSCIL.
To summarize, the combination of pre-training, meta-training, and incremental training in our EPRC gradually advances performances of FSCIL. Pre-training and meta-training not only boost the accuracy on base classes by a large margin, but also enhance the generalization ability pf our model to adapt to novel classes. Incremental training probes into the relations among prototypes of all encountered base and novel classes and adjusts them to be as distinguishable as possible, thus avoiding confusion in similarity measurement and then slowing down the decline of performance with quantity of sessions increasing.

5. Conclusions

In this paper, we propose an efficient feature replay and calibration (EPRC) method for few shot class incremental learning. As a preliminary, efficient pre-training equipped with rotation and random mix-up as an auxiliary supervision brings large improvement to subsequent training or evaluation. From the perspective of the overfitting problem, the meta-training stage with a series of sampled pseudo few shot tasks helps the model quickly adapt to novel few shot incremental tasks. In this procedure, the feature projection layer trained together with the pre-trained backbone aims to calibrate the prototypes into less correlated ones by means of an implicit constraint of similarities. With regard to the catastrophic forgetting problem, prototype storage and replay play an explicit but important role in memorizing old knowledge. To further improve the discrimination of different prototypes, we incorporate an explicit restriction into the incremental stage. The qualitative and quantitative experimental results on two benchmarks demonstrate that each stage in EPRC is effective and rational. For future work, cross-modal information can be utilized in the incremental stage to help enrich the old information, e.g., prompt-based methods [54].

Author Contributions

Conceptualization, W.Z. and X.G.; methodology, W.Z. and X.G.; software, W.Z.; validation, W.Z.; formal analysis, W.Z. and X.G.; investigation, W.Z. and X.G.; resources, W.Z.; data curation, W.Z.; writing—original draft preparation, W.Z.; writing—review and editing, W.Z. and X.G.; visualization, W.Z.; supervision, X.G.; project administration, X.G.; funding acquisition, X.G. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by National Natural Science Foundation of China under grant 62176062.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

CIFAR-100: https://www.cs.toronto.edu/~kriz/cifar.html (accessed on 10 March 2021); miniImagenet: https://github.com/yaoyao-liu/mini-imagenet-tools (accessed on 10 March 2021).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Pan, S.J.; Yang, Q. A survey on transfer learning. IEEE Trans. Knowl. Data Eng. 2009, 22, 1345–1359. [Google Scholar] [CrossRef]
  2. Fei-Fei, L.; Fergus, R.; Perona, P. One-shot learning of object categories. IEEE Trans. Pattern Anal. Mach. Intell. 2006, 28, 594–611. [Google Scholar] [CrossRef] [PubMed]
  3. Koch, G.; Zemel, R.; Salakhutdinov, R. Siamese neural networks for one-shot image recognition. In Proceedings of the ICML Deep Learning Workshop, Lille, France, 6–11 July 2015; Volume 2. [Google Scholar]
  4. Polikar, R.; Upda, L.; Upda, S.S.; Honavar, V. Learn++: An incremental learning algorithm for supervised neural networks. IEEE Trans. Syst. Man, Cybern. Part C Appl. Rev. 2001, 31, 497–508. [Google Scholar] [CrossRef]
  5. McCloskey, M.; Cohen, N.J. Catastrophic interference in connectionist networks: The sequential learning problem. In Psychology of Learning and Motivation; Elsevier: Amsterdam, The Netherlands, 1989; Volume 24, pp. 109–165. [Google Scholar]
  6. Goodfellow, I.J.; Mirza, M.; Xiao, D.; Courville, A.; Bengio, Y. An empirical investigation of catastrophic forgetting in gradient-based neural networks. arXiv 2013, arXiv:1312.6211. [Google Scholar]
  7. Mallya, A.; Lazebnik, S. Packnet: Adding multiple tasks to a single network by iterative pruning. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 7765–7773. [Google Scholar]
  8. Dhar, P.; Singh, R.V.; Peng, K.C.; Wu, Z.; Chellappa, R. Learning without memorizing. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 16–20 June 2019; pp. 5138–5146. [Google Scholar]
  9. Douillard, A.; Cord, M.; Ollion, C.; Robert, T.; Valle, E. Podnet: Pooled outputs distillation for small-tasks incremental learning. In Proceedings of the Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, 23–28 August 2020; Proceedings, Part XX 16. Springer: Berlin/Heidelberg, Germany, 2020; pp. 86–102. [Google Scholar]
  10. Rebuffi, S.A.; Kolesnikov, A.; Sperl, G.; Lampert, C.H. icarl: Incremental classifier and representation learning. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 2001–2010. [Google Scholar]
  11. Liu, X.; Wu, C.; Menta, M.; Herranz, L.; Raducanu, B.; Bagdanov, A.D.; Jui, S.; de Weijer, J.v. Generative feature replay for class-incremental learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops, Seattle, WA, USA, 14–19 June 2020; pp. 226–227. [Google Scholar]
  12. Chen, J.; Zhang, R.; Mao, Y.; Xu, J. Contrastnet: A contrastive learning framework for few-shot text classification. In Proceedings of the AAAI Conference on Artificial Intelligence, Online, 22 February–1 March 2022; Volume 36, pp. 10492–10500. [Google Scholar]
  13. Zhang, M.; Zhang, J.; Lu, Z.; Xiang, T.; Ding, M.; Huang, S. IEPT: Instance-level and episode-level pretext tasks for few-shot learning. In Proceedings of the International Conference on Learning Representations, Addis Ababa, Ethiopia, 26–30 April 2020. [Google Scholar]
  14. Vinyals, O.; Blundell, C.; Lillicrap, T.; Wierstra, D. Matching networks for one shot learning. Adv. Neural Inf. Process. Syst. 2016, 29, 3630–3638. [Google Scholar]
  15. Snell, J.; Swersky, K.; Zemel, R.S. Prototypical networks for few-shot learning. arXiv 2017, arXiv:1703.05175. [Google Scholar]
  16. Sung, F.; Yang, Y.; Zhang, L.; Xiang, T.; Torr, P.H.; Hospedales, T.M. Learning to compare: Relation network for few-shot learning. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 1199–1208. [Google Scholar]
  17. Xing, C.; Rostamzadeh, N.; Oreshkin, B.; Pinheiro, P.O. Adaptive cross-modal few-shot learning. Adv. Neural Inf. Process. Syst. 2019, 32, 4847–4857. [Google Scholar]
  18. Wang, Q.; Chen, K. Zero-shot visual recognition via bidirectional latent embedding. Int. J. Comput. Vis. 2017, 124, 356–383. [Google Scholar] [CrossRef]
  19. Zhang, C.; Cai, Y.; Lin, G.; Shen, C. Deepemd: Few-shot image classification with differentiable earth mover’s distance and structured classifiers. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 12203–12213. [Google Scholar]
  20. Wang, Q.; Breckon, T. Unsupervised domain adaptation via structured prediction based selective pseudo-labeling. In Proceedings of the AAAI Conference on Artificial Intelligence, New York, NY, USA, 7–12 February 2020; Volume 34, pp. 6243–6250. [Google Scholar]
  21. Zhang, H.; Koniusz, P.; Jian, S.; Li, H.; Torr, P.H. Rethinking class relations: Absolute-relative supervised and unsupervised few-shot learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Online, 19–25 June 2021; pp. 9432–9441. [Google Scholar]
  22. Garcia, V.; Bruna, J. Few-shot learning with graph neural networks. arXiv 2017, arXiv:1711.04043. [Google Scholar]
  23. Kim, J.; Kim, T.; Kim, S.; Yoo, C.D. Edge-labeling graph neural network for few-shot learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 11–20. [Google Scholar]
  24. Liu, Y.; Lee, J.; Park, M.; Kim, S.; Yang, E.; Hwang, S.J.; Yang, Y. Learning to propagate labels: Transductive propagation network for few-shot learning. arXiv 2018, arXiv:1805.10002. [Google Scholar]
  25. Ma, Y.; Bai, S.; An, S.; Liu, W.; Liu, A.; Zhen, X.; Liu, X. Transductive Relation-Propagation Network for Few-shot Learning. In Proceedings of the IJCAI, Online, 7–15 January 2021; pp. 804–810. [Google Scholar]
  26. Tang, S.; Chen, D.; Bai, L.; Liu, K.; Ge, Y.; Ouyang, W. Mutual crf-gnn for few-shot learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Online, 19–25 June 2021; pp. 2329–2339. [Google Scholar]
  27. Lu, J.; Gong, P.; Ye, J.; Zhang, C. Learning from very few samples: A survey. arXiv 2020, arXiv:2009.02653. [Google Scholar]
  28. Finn, C.; Abbeel, P.; Levine, S. Model-agnostic meta-learning for fast adaptation of deep networks. In Proceedings of the International Conference on Machine Learning, PMLR, Sydney, Australia, 6–11 August 2017; pp. 1126–1135. [Google Scholar]
  29. Jamal, M.A.; Qi, G.J. Task agnostic meta-learning for few-shot learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 11719–11727. [Google Scholar]
  30. Jiang, X.; Havaei, M.; Varno, F.; Chartrand, G.; Chapados, N.; Matwin, S. Learning to learn with conditional class dependencies. In Proceedings of the International Conference on Learning Representations, Vancouver, BC, Canada, 30 April–3 May 2018. [Google Scholar]
  31. Rusu, A.A.; Rao, D.; Sygnowski, J.; Vinyals, O.; Pascanu, R.; Osindero, S.; Hadsell, R. Meta-learning with latent embedding optimization. arXiv 2018, arXiv:1807.05960. [Google Scholar]
  32. Lee, K.; Maji, S.; Ravichandran, A.; Soatto, S. Meta-learning with differentiable convex optimization. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 10657–10665. [Google Scholar]
  33. Oh, J.; Yoo, H.; Kim, C.; Yun, S.Y. Boil: Towards representation change for few-shot learning. arXiv 2020, arXiv:2008.08882. [Google Scholar]
  34. Liu, H.; Gu, L.; Chi, Z.; Wang, Y.; Yu, Y.; Chen, J.; Tang, J. Few-shot class-incremental learning via entropy-regularized data-free replay. In Proceedings of the Computer Vision–ECCV 2022: 17th European Conference, Tel Aviv, Israel, 23–27 October 2022; Proceedings, Part XXIV. Springer: Berlin/Heidelberg, Germany, 2022; pp. 146–162. [Google Scholar]
  35. Zhu, K.; Cao, Y.; Zhai, W.; Cheng, J.; Zha, Z.J. Self-promoted prototype refinement for few-shot class-incremental learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Online, 20–25 June 2021; pp. 6801–6810. [Google Scholar]
  36. Zhang, C.; Song, N.; Lin, G.; Zheng, Y.; Pan, P.; Xu, Y. Few-shot incremental learning with continually evolved classifiers. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Online, 20–25 June 2021; pp. 12455–12464. [Google Scholar]
  37. Chi, Z.; Gu, L.; Liu, H.; Wang, Y.; Yu, Y.; Tang, J. MetaFSCIL: A meta-learning approach for few-shot class incremental learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 14166–14175. [Google Scholar]
  38. Tao, X.; Hong, X.; Chang, X.; Dong, S.; Wei, X.; Gong, Y. Few-shot class-incremental learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Seattle, WA, USA, 13–19 June 2020; pp. 12183–12192. [Google Scholar]
  39. Kirkpatrick, J.; Pascanu, R.; Rabinowitz, N.; Veness, J.; Desjardins, G.; Rusu, A.A.; Milan, K.; Quan, J.; Ramalho, T.; Grabska-Barwinska, A.; et al. Overcoming catastrophic forgetting in neural networks. Proc. Natl. Acad. Sci. USA 2017, 114, 3521–3526. [Google Scholar] [CrossRef] [PubMed]
  40. Tao, X.; Chang, X.; Hong, X.; Wei, X.; Gong, Y. Topology-preserving class-incremental learning. In Proceedings of the Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, 23–28 August 2020; Proceedings, Part XIX 16. Springer: Berlin/Heidelberg, Germany, 2020; pp. 254–270. [Google Scholar]
  41. Pellegrini, L.; Graffieti, G.; Lomonaco, V.; Maltoni, D. Latent replay for real-time continual learning. In Proceedings of the 2020 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), Las Vegas, NV, USA, 25–29 October 2020; IEEE: Piscataway, NJ, USA, 2020; pp. 10203–10209. [Google Scholar]
  42. Iscen, A.; Zhang, J.; Lazebnik, S.; Schmid, C. Memory-efficient incremental learning through feature adaptation. In Proceedings of the Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, 23–28 August 2020; Proceedings, Part XVI 16. Springer: Berlin/Heidelberg, Germany, 2020; pp. 699–715. [Google Scholar]
  43. Zhu, F.; Zhang, X.Y.; Wang, C.; Yin, F.; Liu, C.L. Prototype augmentation and self-supervision for incremental learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Online, 20–25 June 2021; pp. 5871–5880. [Google Scholar]
  44. Pennington, J.; Socher, R.; Manning, C.D. Glove: Global vectors for word representation. In Proceedings of the 2014 Conference on Empirical Methods in Natural Language Processing (EMNLP), Doha, Qatar, 25–29 October 2014; pp. 1532–1543. [Google Scholar]
  45. Liu, J.; Song, L.; Qin, Y. Prototype rectification for few-shot learning. arXiv 2019, arXiv:1911.10713. [Google Scholar]
  46. Wang, Y.; Zhang, L.; Yao, Y.; Fu, Y. How to trust unlabeled data instance credibility inference for few-shot learning. IEEE Trans. Pattern Anal. Mach. Intell. 2021, 44, 6240–6253. [Google Scholar] [CrossRef]
  47. Yang, S.; Liu, L.; Xu, M. Free lunch for few-shot learning: Distribution calibration. arXiv 2021, arXiv:2101.06395. [Google Scholar]
  48. Hu, Y.; Gripon, V.; Pateux, S. Leveraging the feature distribution in transfer-based few-shot learning. In Proceedings of the International Conference on Artificial Neural Networks, Bratislava, Slovakia, 14–17 September 2021; Springer: Berlin/Heidelberg, Germany, 2021; pp. 487–499. [Google Scholar]
  49. Lazarou, M.; Stathaki, T.; Avrithis, Y. Iterative label cleaning for transductive and semi-supervised few-shot learning. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Online, 20–25 June 2021; pp. 8751–8760. [Google Scholar]
  50. Verma, V.; Lamb, A.; Beckham, C.; Najafi, A.; Mitliagkas, I.; Lopez-Paz, D.; Bengio, Y. Manifold mixup: Better representations by interpolating hidden states. In Proceedings of the International Conference on Machine Learning, PMLR, Long Beach, CA, USA, 10–15 June 2019; pp. 6438–6447. [Google Scholar]
  51. Krizhevsky, A.; Hinton, G. Learning Multiple Layers of Features from Tiny Images. 2009. Available online: http://www.cs.utoronto.ca/~kriz/learning-features-2009-TR.pdf (accessed on 7 May 2023).
  52. Russakovsky, O.; Deng, J.; Su, H.; Krause, J.; Satheesh, S.; Ma, S.; Huang, Z.; Karpathy, A.; Khosla, A.; Bernstein, M.; et al. Imagenet large scale visual recognition challenge. Int. J. Comput. Vis. 2015, 115, 211–252. [Google Scholar] [CrossRef]
  53. Hou, S.; Pan, X.; Loy, C.C.; Wang, Z.; Lin, D. Learning a unified classifier incrementally via rebalancing. In Proceedings of the IEEE/CVF conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 831–839. [Google Scholar]
  54. Liu, P.; Yuan, W.; Fu, J.; Jiang, Z.; Hayashi, H.; Neubig, G. Pre-train, prompt, and predict: A systematic survey of prompting methods in natural language processing. arXiv 2021, arXiv:2107.13586. [Google Scholar] [CrossRef]
Figure 1. The diagram of prototypes’ distribution in the normalized feature space (3D space as an example). In this unit sphere, three vectors described by directed solid lines of different colors represent three actual prototype features of different categories. Another three vectors described by directed dashed lines of different colors represent the ideal orthogonal situation.
Figure 1. The diagram of prototypes’ distribution in the normalized feature space (3D space as an example). In this unit sphere, three vectors described by directed solid lines of different colors represent three actual prototype features of different categories. Another three vectors described by directed dashed lines of different colors represent the ideal orthogonal situation.
Entropy 25 00776 g001
Figure 2. Pipeline of few shot class incremental learning (FSCIL).
Figure 2. Pipeline of few shot class incremental learning (FSCIL).
Entropy 25 00776 g002
Figure 3. The pipeline of EPRC. Circles with a blue dashed line denote available data in each session. Rectangles with a black dashed line represent the generated and stored prototypes of newly encountered classes in the previous session.
Figure 3. The pipeline of EPRC. Circles with a blue dashed line denote available data in each session. Rectangles with a black dashed line represent the generated and stored prototypes of newly encountered classes in the previous session.
Entropy 25 00776 g003
Figure 4. The framework of the pre-training stage of our proposed EPRC for FSCIL. Rotated input images serve as the auxiliary supervision. In random mix-up, a pair of input images or output feature maps of one layer that is randomly selected from the backbone are fused in a proportional way. FM denotes the feature map.
Figure 4. The framework of the pre-training stage of our proposed EPRC for FSCIL. Rotated input images serve as the auxiliary supervision. In random mix-up, a pair of input images or output feature maps of one layer that is randomly selected from the backbone are fused in a proportional way. FM denotes the feature map.
Entropy 25 00776 g004
Figure 5. The framework of the meta-training stage of our proposed EPRC for FSCIL. The feature extractor and projection layer are trained together.
Figure 5. The framework of the meta-training stage of our proposed EPRC for FSCIL. The feature extractor and projection layer are trained together.
Entropy 25 00776 g005
Figure 6. The framework of the incremental-training stage of our proposed EPRC for FSCIL. The feature extractor is frozen and the projection layer is fine-tuned. * represents that the feature extractor is frozen.
Figure 6. The framework of the incremental-training stage of our proposed EPRC for FSCIL. The feature extractor is frozen and the projection layer is fine-tuned. * represents that the feature extractor is frozen.
Entropy 25 00776 g006
Figure 7. The performance curve of different typical 5-way 5-shot FSCIL methods in each session on CIFAR-100 and miniImageNet.
Figure 7. The performance curve of different typical 5-way 5-shot FSCIL methods in each session on CIFAR-100 and miniImageNet.
Entropy 25 00776 g007
Figure 8. The visualization of confusion matrix with different methods on CIFAR-100. (a) pre-train; (b) pre-train+meta-train ( ζ 1 ); (c) pre-train+meta-train+incremental-train ( ζ 1 ); (d) pre-train+meta-train ( ζ 2 ); (e) pre-train+meta-train+incremental-train ( ζ 2 ).
Figure 8. The visualization of confusion matrix with different methods on CIFAR-100. (a) pre-train; (b) pre-train+meta-train ( ζ 1 ); (c) pre-train+meta-train+incremental-train ( ζ 1 ); (d) pre-train+meta-train ( ζ 2 ); (e) pre-train+meta-train+incremental-train ( ζ 2 ).
Entropy 25 00776 g008
Table 1. Comparison with the state-of-the-art 5-way 5-shot FSCIL methods on CIFAR-100.
Table 1. Comparison with the state-of-the-art 5-way 5-shot FSCIL methods on CIFAR-100.
MethodsAccuracy in Each Session (%)
012345678
iCaRL [10]64.1053.2841.6934.1327.9325.0620.4115.4813.73
NCM [53]64.1053.0543.9636.9731.6116.7321.2316.7813.54
TOPIC [38]64.1055.8847.0745.1640.1136.3833.9631.5529.37
SPPR [35]64.1065.8661.3657.4553.6950.7548.5845.6643.25
CEC [36]73.0768.8865.2661.1958.0955.5753.2251.3449.14
MetaFSCIL [37]74.5070.1066.8462.7759.4856.5254.3652.5649.97
Data-free Replay [34]74.4070.2066.5462.5159.7156.5854.5252.3950.14
EPRC77.0272.2567.7063.2959.5056.6754.5152.6250.98
There are 60 base categories in session 0 and 5 new categories in each session 1–8. The best results are in bold.
Table 2. Comparison with the state-of-the-art 5-way 5-shot FSCIL methods on miniImageNet.
Table 2. Comparison with the state-of-the-art 5-way 5-shot FSCIL methods on miniImageNet.
MethodsAccuracy in each session (%)
012345678
iCaRL [10]61.3146.3242.9437.6330.4924.0020.8918.8017.21
NCM [53]61.3147.8039.3031.9025.7021.4018.7017.2014.17
TOPIC [38]61.3150.0945.1741.1637.4835.5232.1929.4624.42
SPPR [35]61.4563.8059.5355.5352.5049.6046.6943.7941.92
CEC [36]72.0066.8362.9759.4356.7053.7351.1949.2447.63
MetaFSCIL [37]72.0467.9463.7760.2957.5855.1652.7950.7949.19
Data-free Replay [34]71.8467.1263.2159.7757.0153.9551.5549.5248.21
EPRC76.8771.5867.3164.1560.8057.5254.6952.9651.50
There are 60 base categories in session 0 and 5 new categories in each session 1–8. The best results are in bold.
Table 3. Ablation study of 5-way 5-shot FSCIL with different combinations of training stages on CIFAR-100.
Table 3. Ablation study of 5-way 5-shot FSCIL with different combinations of training stages on CIFAR-100.
MethodsAccuracy in Each Session (%)
012345678
Baseline71.1066.3262.3658.0154.7151.5649.0346.9244.57
Pre74.0469.2363.9259.8556.3453.6550.5348.6546.05
Pre + Meta ( ζ 1 )75.8770.8266.0961.6057.8154.6751.9749.4747.10
Pre + Meta + Incre. ( ζ 1 )76.0071.2966.3662.3558.7755.9253.5050.9749.02
Pre + Meta ( ζ 2 )77.0372.1567.6163.3259.5856.5453.8251.4449.22
Pre + Meta + Incre. ( ζ 2 )77.0272.2567.7063.2959.5056.6754.5152.6250.98
There are 60 base categories in session 0 and 5 new categories in each session 1–8. The best results are in bold. Baseline: simply pre-train without augmentations; Pre: pre-train with augmentations; Meta: meta-train; Incre.: incremental-train.
Table 4. Ablation study of 5-way 5-shot FSCIL with different combinations of training stages on miniImagenet.
Table 4. Ablation study of 5-way 5-shot FSCIL with different combinations of training stages on miniImagenet.
MethodsAccuracy in Each Session (%)
012345678
Baseline71.0263.7258.6055.6453.1650.7247.5045.6244.42
Pre74.2466.4662.0458.6655.9552.6349.6348.1346.13
Pre + Meta ( ζ 1 )76.9271.1566.0061.6958.3054.7251.7949.1646.93
Pre + Meta + Incre. ( ζ 1 )77.0871.6067.2463.7960.3156.8154.1652.3450.38
Pre + Meta ( ζ 2 )77.0371.3466.5462.9159.4856.3853.4650.9949.07
Pre + Meta + Incre. ( ζ 2 )76.8771.5867.3164.1560.8057.5254.6952.9651.50
There are 60 base categories in session 0 and 5 new categories in each session 1–8. The best results are in bold. Baseline: simply pre-train without augmentations; Pre: pre-train with augmentations; Meta: meta-train; Incre.: incremental-train.
Table 5. Ablation study of 5-way 5-shot FSCIL with different feature dimensions on CIFAR-100.
Table 5. Ablation study of 5-way 5-shot FSCIL with different feature dimensions on CIFAR-100.
DimensionAccuracy in Each Session (%)
012345678
3274.7069.1364.4459.6456.0252.9650.3447.7545.13
6476.5071.5565.9662.0558.1555.8553.1350.1347.95
12876.8371.9366.4662.9459.3056.5554.2052.3449.55
25677.0172.0367.5662.9559.6056.6354.5052.2050.24
51277.0272.2567.7063.2959.5056.6754.5152.6250.98
There are 60 base categories in session 0 and 5 new categories in each session 1–8. The best results are in bold.
Table 6. Ablation study of 5-way 5-shot FSCIL with different α on CIFAR-100.
Table 6. Ablation study of 5-way 5-shot FSCIL with different α on CIFAR-100.
α ValueAccuracy in Each Session (%)
012345678
0.169.5363.8659.5754.2550.9546.1443.8441.6937.54
171.9567.0562.9458.5155.4051.8549.0947.0744.20
574.6870.9165.8561.5558.7455.8953.1350.9448.05
1077.0272.2567.7063.2959.5056.6754.5152.6250.98
2075.9871.2566.9462.8159.1256.3953.7051.3249.24
5075.2370.9466.6362.6459.0856.2953.7951.6549.40
There are 60 base categories in session 0 and 5 new categories in each session 1–8. The best results are in bold.
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Zhang, W.; Gu, X. Few Shot Class Incremental Learning via Efficient Prototype Replay and Calibration. Entropy 2023, 25, 776. https://doi.org/10.3390/e25050776

AMA Style

Zhang W, Gu X. Few Shot Class Incremental Learning via Efficient Prototype Replay and Calibration. Entropy. 2023; 25(5):776. https://doi.org/10.3390/e25050776

Chicago/Turabian Style

Zhang, Wei, and Xiaodong Gu. 2023. "Few Shot Class Incremental Learning via Efficient Prototype Replay and Calibration" Entropy 25, no. 5: 776. https://doi.org/10.3390/e25050776

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop