Self-Filtering: A Noise-Aware Sample Selection for Label Noise with Confidence Penalization

Qi Wei School of Software, Shandong University, Jinan, China 1
   Haoliang Sun Corresponding authorSchool of Software, Shandong University, Jinan, China 1
   Xiankai Lu School of Software, Shandong University, Jinan, China 1
   Yilong Yin* School of Software, Shandong University, Jinan, China 1
1email: {1998v7,haolsun.cn,carrierlxk}@gmail.com, ylyin@sdu.edu.cn
Abstract

Sample selection is an effective strategy to mitigate the effect of label noise in robust learning. Typical strategies commonly apply the small-loss criterion to identify clean samples. However, those samples lying around the decision boundary with large losses usually entangle with noisy examples, which would be discarded with this criterion, leading to the heavy degeneration of the generalization performance. In this paper, we propose a novel selection strategy, Self-Filtering (SFT), that utilizes the fluctuation of noisy examples in historical predictions to filter them, which can avoid the selection bias of the small-loss criterion for the boundary examples. Specifically, we introduce a memory bank module that stores the historical predictions of each example and dynamically updates to support the selection for the subsequent learning iteration. Besides, to reduce the accumulated error of the sample selection bias of SFT, we devise a regularization term to penalize the confident output distribution. By increasing the weight of the misclassified categories with this term, the loss function is robust to label noise in mild conditions. We conduct extensive experiments on three benchmarks with variant noise types and achieve the new state-of-the-art. Ablation studies and further analysis verify the virtue of SFT for sample selection in robust learning.

Keywords:
Label Noise Sample Selection Confidence Penalization

1 Introduction

Neural networks exhibit notorious vulnerability to low-quality annotation. Especially, the generalization performance would heavily degrade when label noise arises. However, most existing datasets[lu2020deep, lu2021segmenting] are commonly collected by Web crawlers, which inevitably contains label noise. Therefore, learning with noisy labels (LNL) poses great challenges for modern deep models [SUN2021108467].

Sample selection [wei2020combating, nguyen2019self, li2020dividemix, zhou2020robust, bai2021me] is an effective strategy to mitigate the effect of label noise in LNL. The main idea is to select the clean instances from the corrupted dataset by using a certain criterion and reduce the bias of the training set. Inspired by the memorization effect that DNNs learn simple patterns shared by majority examples before fitting the noise [han2018co], existing works [jiang2018mentornet, han2018co, yu2019does, wei2020combating, nguyen2019self, li2020dividemix, zhou2020robust, bai2021me] commonly apply the small-loss criterion that selects samples with loss value lower than a pre-defined threshold and treats them as clean instances. Although these methods exhibit favorable properties for LNL, selecting samples with small losses would discard those boundary examples, since they are with large losses and usually entangled with noisy instances. However, those boundary examples are essential for learning a good decision boundary. Moreover, the selection bias would be accumulated and further degenerate the generalization performance as the learning proceeds [han2018co, wei2020combating]. Besides, the loss threshold in this strategy is a crucial hyper-parameter that is usually carefully tuned by cross-validation, suffering from the issue of scalability and sensitivity.

Illustration of
Figure 1: Illustration of fluctuation during model learning. Given a sample , the fluctuation event is correlated with predicted results and can be defined as the prediction at moment while at subsequent moments. The line with the arrow indicates the fluctuation arises.
Illustration of
Figure 2: Distributions of fluctuations number across synthetic CIFAR-10 with 40% symmetric label noise after 100 epochs.

In this paper, we have an interesting observation of the fluctuation in LNL, which has the potential for identifying noisy samples and retaining boundary samples. As shown in Fig. 2, a fluctuation event occurs when a sample classified correctly at the current moment is misclassified in the following learning step. Intuitively, as the learning proceeds, the discriminability of the classifier will be enhanced gradually, leading to a more accurate prediction for boundary examples rather than the noisy ones. Thus, the fluctuation would frequently occur for noisy samples but gradually disappear for boundary examples. On the other hand, more and more boundary samples are added to the training set via the fluctuation criterion, which can subsequently promote the learning of the classifier. To show the disparity between clean examples and noisy examples, we plot the distribution of the number of the fluctuation event in Fig. 2. The clean and noisy sample can be essentially separated by the proposed fluctuation criterion.

Based on the above observation, we propose a novel sample selection strategy, Self-Filtering (SFT), that filters out noisy samples with the fluctuation in historical predictions. We store the historical predictions of each example for different training iterations in an external memory bank and detect the fluctuation event for each sample in the current moment. By applying this criterion, SFT can filter out noisy samples and retain boundary samples for current optimization. Meanwhile, the memory bank updates dynamically as the learning proceeds, which can support selecting more reliable samples to boost the model learning. To reduce the accumulated error stemming from the selection bias of SFT, we design a regularization term to penalize the confident output distribution. By assigning the weight of the misclassified categories for the loss function, the model can avoid overconfidence of the correct prediction and further improve the robustness of our framework for severe label noise. We also integrate a semi-supervised method, FixMatch [sohn2020fixmatch], into our framework to explore the useful information in the abandoned noisy samples, which has significantly advanced the model performance for noise-robust learning.

The contribution can be summarized in four aspects.

  • We rethink the sample selection in LNL and propose a new strategy to select clean samples by using the fluctuation of historical predictions.

  • We design a regularization term to penalise the confident output of the network, which can faithfully mitigate the sample selection bias.

  • We build a novel learning framework, Self-Filtering (SFT), and achieve the new state-of-the-art on three benchmarks with variant noise types.

  • We apply the proposed strategy to the prevailing learning framework and achieve a significant performance promotion, demonstrating its considerable versatility in LNL.

2 Related Work

Sample selection. The majority of previous works exploit the memorization of DNNs and utilize the small-loss criterion to select clean samples [jiang2018mentornet, han2018co, yu2019does, wei2020combating]. One representative work is MentorNet [jiang2018mentornet] that proposes a teacher network to select clean samples for a student network with the small-loss trick. Similarly, Co-teaching [han2018co, yu2019does, wei2020combating] constructs a double branches network to select clean samples for each branch. A surrogate loss function [natarajan2013learning] is introduced to identify clean samples and theoretically guaranteed in [cheng2020learning]. To avoid tuning the threshold in the small-loss trick, Beta Mixture Model [arazo2019unsupervised] or Gaussian Mixture Model [li2020dividemix] is introduced to separate clean and noisy examples among the training loss automatically. Zhang et al. [zhang2020distilling] designs a meta-network trained with extra clean meta-data to identify noisy samples. Recently, to achieve the stable prediction for sample selection, Model Ensemble (or Mean Teacher) [nguyen2019self] is introduced to compute the exponential moving-average predictions over past iterations and replace current predictions, which performs well to confront the more complex noise type (e.g. instance-dependent label noise). As a homologous approach that also aims to select the boundary samples, Me-Momentum  [bai2021me] modifies the training strategy and introduces two-loop training in curriculum learning.

Robust loss function. A majority of robust loss functions have been theoretically analysed. Compared with the categorical cross-entropy (CCE) loss, mean absolute error (MAE) has been theoretically guaranteed to be robust to label noise [ghosh2017robust]. Based on this analysis, a novel generalized cross-entropy loss that combined CCE and MAE has been proposed in [zhang2018generalized] where its convergence and robustness are also analysed. Inspired by the symmetric Kullback-Leibler Divergence, a symmetric cross entropy (SCE) [wang2019symmetric] has been designed to mitigate the effect of noisy labels. To exploit the virtue of variant noise-robust losses, a meta-learning method is designed to learn to combine the four loss functions [amid2019robust, wang2019symmetric, gong2018decomposition, ghosh2017robust] adaptively. Recently, a new family of loss functions, the peer loss [liu2020peer] are proposed to punish the agreement between outputs of the network and noisy labels by adding a regularization term to cross-entropy. It has also been proved that minimizing those robust loss functions with corrupted labels is equivalent to minimise the cross entropy loss on the clean set under mild noise ratios.

Label correction. The pioneering methods correct the noisy labels by an additional inference phase (e.g. knowledge graphs [li2017learning] or graphical models [xiao2015learning]. Recently, two types of correction functions are proposed to correction. Firstly, transition matrix approaches [hendrycks2018using, xia2019anchor, yao2020dual] aim to construct a matrix that stores the flipping probability between the true label and the noisy one and is estimated with a set of clean data. Secondly, another family of methods utilize the output of the network to rectify labels. For example, Song et al. [song2019selfie] proposes to select the clean samples by co-teaching framework [han2018co] and progressively refurbish noisy samples with the prediction confidence. To achieve learning the correction function in a data-driven way, Wu et al. [wu2020learning] builds a meta-correcter to generate labels with the input of the true label and previous predictions of meta-net.

Compared with Me-Momentum [bai2021me] that selects samples in current epoch, we construct the memory bank and propose a novel criterion based on fluctuation by leveraging the historical predictions. Also, compared with existing works that select clean samples based on historical predictions (SELFIE [song2019selfie] computes the entropy value from predictions histories and RoCL [zhou2020robust] utilizes the variance of the training loss), our framework exhibits two advantages: (i) Less hyper-parameter. Our criterion contains only one hyper-parameter, namely, the size of historical predictions. However, the selection criteria in these works both contain another statistic threshold except the history size (e.g., an entropy threshold in [song2019selfie] and a loss variance threshold in [zhou2020robust]). (ii) Less sensitive. The setting of these thresholds is related to noise ratios, requiring more cross-validation processes. Those merits facilitate the application of our criterion to more general scenarios.

3 Methods

3.1 Problem Definition and Overall

Supposing that we have the training set with corrupted labels and , the output distribution of a classifier after training epochs can be written as . Here, is the learnable parameters. Learning with label noise (LNL) aims to find the optimal parameter which can achieve admirable generalization performance on the clean testing set.

For a majority of sample selection methods [han2018co, yu2019does, wei2020combating, nguyen2019self, li2020dividemix, zhou2020robust, bai2021me], the robust training process for classifier can be summarized as the following phases.

Phase 1: select the reliable set from the polluted dataset via a certain selection strategy. (e.g. small-loss criterion is designed to select the top of samples with the smaller loss values in the current mini-batch as the clean samples, where is the noise ratio estimated by cross-validation.)

Phase 2: train the classifier on the selected set , and update the parameter as , where and are the given learning rate and loss function, respectively.

Phase 3: repeat the above phases until finding the optimal parameter , then return the classifier .

Our approach modifies the aforementioned two phases to render the network more robust on noisy labels. First, a novel criterion is proposed to select more boundary examples, which provides more decision information in the subset set . Second, we introduce a confidence regularization term to enable the loss function more robust while tackling noisy labels. Eventually, we present the learning framework, Self-Filtering (SFT), for LNL that contains two stages of warming-up and main learning. To further exploit the useful knowledge in the discarded examples, we adopt the idea of semi-supervised learning and incorporate FixMatch into our SFT.

3.2 Selecting with the fluctuation

The key step in our selection strategy is to go through the historical prediction stored in the dynamically updated memory bank module. As shown in Fig.3 (b), we collect all predictions of the training set for the epoch and store them in the memory bank . Specifically, this module contains those predictions of epochs in the memory bank, where the size of is . maintains a queen data structure with the principle of first-in-first-out (FIFO). Therefore, for epoch , stores predictions of the last epochs. Finally, for the example in the current epoch , the criterion for identifying it as the fluctuated sample can be formulated as

(1)

when , and . A fluctuation event occurs when the sample classified correctly at the epoch is misclassified in the epoch . By computing for each sample with , we discard these examples where . Therefore, the clean samples selected by fluctuation criterion can be represented as:

(2)

The selected clean samples will be utilized in the following learning stage.

 The blue and red dashed line denote the update of memory bank and model parameter, respectively. For selected set
Figure 3: (a) The blue and red dashed line denote the update of memory bank and model parameter, respectively. For selected set , the objective function is . For the set , we remove their labels and input them to FixMatch framework. (b) MB stores the past epoch prediction of each sample, and select the samples without fluctuation event to train the model. The updated classifier produces the prediction of the whole dataset to update MB.

3.3 Learning with selected examples

SFT contains two stages: warming-up and main learning. We firstly conduct a warming-up of a few epochs to gain the basic discriminability for the network and achieve initialization for the memory bank module. Then, the main learning proceeds with clean samples selected via the fluctuation criterion. Also, the external memory bank module is dynamically updated for each epoch.

Warming up. It is necessary to warm up with the whole training set for the network before the main learning stage. However, it is usually vulnerable for pair noise that has a certain pattern for noise transition, especially under the extreme ratio (e.g. 40%). Therefore, we penalize the confidence for the output of the network to avoid radically moving forward in warm-up stage. Let denotes the element in for the label , we formulate the confident-penalization regularization term as

(3)

where is the element with the second largest confidence of prediction . Under the condition of the pair noise, we consider that the class could be the correct category for the noisy instance. is an adaptive weight that can be computed by

(4)

Here, is a hyper-parameter of the confidence threshold. If the network is over-confident in class , it would be penalized with a larger . Finally, we can write our objective function of cross-entropy loss with the regularizer in the warming-up stage as

(5)

Main learning. By leveraging the proposed memory bank (MB) module, we can train the classification network with the selected clean examples. Meanwhile, the MB module is updated dynamically as the learning proceeds. Specifically, the clean sample is selected via the fluctuation criterion and subsequently utilized for training the network in the current epoch. After that, we collect the predictions for the whole examples and store them into the MB module for facilitating the selection in the next epoch. Since the classification network is weak in the early learning stage, the error would be accumulated in the following iteration step [han2018co], leading to the selection bias. To tackle this problem, we propose a regularization term to penalize the confident output distribution for an example as following

(6)

where the coefficient can be computed by Eq. (4). The regularizer penalizes the confident output of the model by minimizing the expectation of the loss for each class. This is similar with the label smoothing (LS) [lukasik2020does] term. Recall LS of

(7)

where is a fixed smoothing coefficient and the later term can be regarded as a confidence regularization term. Compared with LS, our coefficient is adaptively computed by using the predictive value for each class, which can avoid tuning the hyper-parameter and can be more robust to the variant noise ratios.

Let denotes the selected samples, the loss function for the main learning stage can be formulated as

(8)

where is a hyper-parameter set by cross-validation.

3.4 Improving with FixMatch

Our framework for sample selection is flexible, which can be combined with the state-of-the-art semi-supervised method. Hence, to further explore the knowledge in the discarded noise set, we introduce FixMatch [sohn2020fixmatch] to the main learning stage. Since FixMatch is play-and-plug for SFT, we denote Self-Filtering with FixMatch as SFT+ in the following section. The SFT framework is flexible, which can be implemented by commonly-used differentiation tools. The whole learning framework is summarised in Fig. 3(a). More details can be found in the supplemental material.

4 Experiments

To evaluate the performance of our proposed method, we implement experiments in several dimensions: (1) Task variety: we select three visual tasks with various dataset including CIFAR-10 [krizhevsky2009learning], CIFAR-100 [krizhevsky2009learning] and a real-world task Clothing1M [xiao2015learning]. (2) Noise condition: we manually corrupt the partial labels with three noise types (e.g. symmetric, pair and instance dependent noise) on CIFAR-10&100 and various noise ratios ranging from 20 to 80. The code is available at https://github.com/1998v7/Self-Filtering.

4.1 Noise types

To simulate the actual noise condition in real-world, we refer to [bai2021me] manually construct three noise types: symmetric, pair and instance-dependent label noise. Specially, we introduce a transition matrix to corrupt the clean label into a wrong label . Given a noise ratio , for each sample , the is defined as , where denotes that the true label transits from clean label to noisy label .

(1) For symmetric label noise, the diagonal entries of the symmetric transition matrix are and the off-diagonal entries are , where denotes the number of categories.

(2) For pair-flipped label noise, the diagonal entries of the symmetric transition matrix are and there exists other value in each row.

(3) For instance-dependent label noise, we stay the same construct algorithm with [bai2021me][xia2020robust]. The actual flip rate relies on the pre-setting noise ratio and the representation of images. The detail algorithm is provided in Appendix 1.

(4) For open-set label noise, it’s reported as the combination of aforementioned type noise. We select a real-world datasets to verify the effectiveness of our framework. Clothing1M[xiao2015learning] contains one million images of 14 categories and its noise ratio is around 39.46%.

4.2 Network structure and experimental setup

We adopt ResNet-18 [he2016deep] and ResNet-34 [he2016deep] to implement SFT on CIFAR-10 and CIFAR-100, respectively. The setting for the optimizer is listed as follows that SGD is with the momentum 0.9, the weight decay is 5e-4, the batch size is 32, and the initial learning rate is 0.02, and decayed with the factor 10 at 60 epoch. The number of epoch is set to be 75 for CIFAR-10 and 100 for CIFAR-100. For the warming-up stage, we train the network for 10 epochs and 30 epochs for CIFAR-10 and CIFAR-100, respectively, which is similar to Me-Momentum [bai2021me]. Typical data augmentations including randomly cropping and horizontally flipping are applied in our experiments.

Symm. Pair. Inst.
Method 20% 40% 20% 40% 20% 40%
DMI [xu2019l_dmi] 88.180.36 83.980.48 89.440.41 84.370.78 89.140.36 84.781.97
Peer Loss [liu2020peer] 88.970.47 84.290.52 89.610.66 85.180.87 89.940.51 85.771.19
Co-teaching [han2018co] 87.160.11 83.590.28 86.910.37 82.770.57 86.540.11 80.980.39
JoCoR [wei2020combating] 88.690.19 85.440.29 87.750.46 83.910.49 87.310.27 82.490.57
SELFIE [song2019selfie] 90.180.25 86.270.31 89.290.19 85.710.30 89.240.27 84.160.44
CDR [xia2021robust] 89.680.38 86.130.44 89.190.29 85.790.41 90.240.39 83.071.33
Me-Momentum [bai2021me] 91.440.33 88.390.34 90.910.45 87.490.56 90.860.21 86.660.91
PES[bai2021understanding] 92.380.41 87.450.34 91.220.42 89.520.91 92.690.42 89.730.51
SFT (ours) 92.570.32 89.540.27 91.530.26 89.930.47 91.410.32 89.970.49
DMI [xu2019l_dmi] 58.730.70 49.811.22 59.410.69 48.130.52 58.050.20 47.360.68
Peer Loss [liu2020peer] 58.410.55 50.531.31 58.730.51 50.170.42 58.910.41 48.610.78
Co-teaching [han2018co] 59.280.47 51.600.49 58.070.61 49.790.69 57.240.69 49.390.99
JoCoR [wei2020combating] 64.170.19 55.970.46 60.420.35 50.970.58 61.980.39 50.590.71
SELFIE [song2019selfie] 67.190.30 61.290.39 65.180.23 58.670.51 65.440.43 53.910.66
CDR [xia2021robust] 66.520.24 60.180.22 66.120.31 59.490.47 67.060.50 56.860.62
Me-Momentum [bai2021me] 68.030.53 63.480.72 68.420.19 59.730.47 68.110.57 58.381.28
PES [bai2021understanding] 68.890.41 64.900.57 69.310.25 59.080.81 70.490.72 65.680.44
SFT (ours) 71.980.26 69.720.31 71.230.29 69.290.42 71.830.42 69.910.54
Table 1: Test accuracy (%) on CIFAR-10 (the top) and CIFAR-100 (the bottom). The mean accuracy accuracy (std) over 5 repetitions are reported.
CIFAR-10 CIFAR-100
Methods SSL S 50% P 40% I 40% S 50% P 40% I 40%
SELF [nguyen2019self] Mean Teacher 91.4 90.9 90.4 71.8 70.7 69.1
CORES [cheng2021learning] UDA 93.1 92.4 92.2 73.1 72.0 71.9
DivideMix [li2020dividemix] MixMatch 94.6 93.4 93.0 74.6 72.1 71.7
ELR+  [liu2020early] MixMatch 93.8 92.7 92.2 72.4 74.4 72.6
SFT+ FixMatch 94.8 92.9 94.4 75.4 74.2 74.1
SFT+ MixMatch 94.9 93.7 94.1 75.2 74.9 74.6
Table 2: Comparison results with SSL with symmetric (S), pair (P) and instance (I) label noise.

For Clothing1M, we utilize the same architecture of ResNet-50 pre-trained on ImageNet. For image preprocessing and data augmentations, we resize the image to 256256 and crop them into 224224. The horizontally flipping is adopted. We train the classifier network for 15 epochs using SGD with 0.9 momentum, weight decay of 0.0005, and the batch size of 32. The warming-up stage is one epoch. The learning rate is set as 0.02 and decayed with the factor of 10 after 10 epochs. Following the convention from  [li2020dividemix], we sample 1000 mini-batches from the training data while ensuring the labels (noisy) are balanced.

Hyper-parameter setup. We set memory bank size and confidence threshold for all experiments. We set the trade-off coefficient in loss function as 1 and the threshold in FixMatch as following  [sohn2020fixmatch].

Method Acc.
Cross Entropy 64.54
MentorNet [jiang2018mentornet] 67.14
Co-teaching [han2018co] 68.51
No JoCoR [wei2020combating] 70.30
SSL Forward [patrini2017making] 69.84
Joint Optim [tanaka2018joint] 72.23
Me-Momentum [bai2021me] 73.13
SFT 74.16
DivideMix [li2020dividemix] 74.76
SSL ELR+ [liu2020early] 74.81
SFT+* 75.08
Figure 4: Illustration of the performance of variant methods as the noise ratio changes. Notably, SFT can produce considerable performance under extreme noise ratios.
Table 3: Test accuracy (%) on the Clothing1M.
Figure 5: SFT achieves the highest F-score for sample selection results on CIFAR-10 (the top) and CIFAR-100 (the bottom).

4.3 Comparison with state-of-the-arts

Baseline. We evaluate our method against the following state-of-the-art methods. (1) Robust loss function: DMI [xu2019l_dmi], Peer loss [liu2020peer]. (2) Sample selection methods: Co-teaching [han2018co], JoCoR [wei2020combating], SELFIE [song2019selfie], Me-Momentum [bai2021me]. Note that both of them explore the memorization effect and utilize the small-loss criterion to select clean examples. (3) Sample selection methods with SSL: SELF [nguyen2019self], CORES [cheng2021learning], DivideMix [li2020dividemix] and ELR+  [liu2020early]. Specially, SELF and CORES use the SSL methods of Mean Teacher [tarvainen2017mean] and UDA [XieDHL020], respectively. DivideMix and ELR+ both utilize MixMatch. (4) Others: CDR [xia2021robust], PES [bai2021understanding].

Results on CIFAR-10 & 100. To evaluate the performance of SFT, we conduct experiments on CIFAR-10 and CIFAR-100 under three noise types with variant noise ratios . Since SSL can dramatically improve the performance, we split the table of each benchmark into two parts for a fair comparison. The bottom part includes methods using SSL, while the top part does not. As shown in Tab. 1, our SFT outperforms the almost state-of-the-art on two datasets with three noise types. Compared with the homologous approach Me-Momentum, SFT achieves the higher accuracy of 89.97% and gains the significant improvement of % in Symm.-40%, % in Pair.-40% and % in Inst.-40%. The results exhibit the superiority of SFT in handling the noise issue for learning with more categories.

Our framework is flexible that can easily integrate the semi-supervised technology (SSL) to further boost the generalization performance, denoting SFT+ (with FixMatch) or SFT+ (with MixMatch). Tab. 2 shows the result when combining vanilla models with recent SSL techniques. The hybrid approach, SFT+ (or SFT+) consistently outperforms other methods. Especially, for the instance-dependent label noise, our approach achieves the average of % improvement compared with the state-of-the-art.

Results on Clothing1M. To demonstrate the effectiveness of our method on real-world noisy labels, we evaluate our approach on Clothing1M dataset, which is a real-world benchmark in LNL tasks. As shown in Tab. 4, our proposal obtains the state-of-the-art performance. For a fair comparison, we divide the table into two parts according to using the semi-supervised technique or not. Our SFT+* (with MixMatch) outperforms other methods and achieves the improvement of over ELR+, demonstrating its effectiveness for the real-world application.

Figure 6: Most boundary examples can be selected by SFT. The clusters with green dots are samples in the same categories. The red dots are the selected clean samples in the last ten epochs.
Figure 7: The losses distribution of noisy CIFAR-10 with Pair.40% after warming-up. There exists an obvious disparity between clean and noisy samples by using the reguliazer during warming-up.

4.4 Further analysis

Robustness. To validate the robustness of SFT in a more challenging noisy environment, we compare it with three robust methods [han2018co, wei2020combating, bai2021me] under a more noise ratio setting . We plot the test accuracy and F-score as the Symm. noise ratio increases. As shown in Fig. 4, SFT produces a good performance, even on the challenging condition with a far higher noise ratio. Compared with the homologous approach Me-Momentum, SFT exhibits the favorable property of selecting the clean samples and consistently outperforms Me-Momentum on variant noise ratios. SFT also exhibits considerable robustness under extreme noise conditions as shown in Fig. 4.

Effectiveness. We evaluate the effectiveness of SFT from these three aspects.

(1) How accurate is the sample selection strategy? We conduct the comparison experiments on CIFAR-10 & 100 and plot the curves of F-score for the selection result. As shown in Fig. 5, SFT achieves the highest F-score on all noise types as the training proceeds. Under 40% noise ratios, SFT attains average 0.97 F1-score, indicating it obtains high selection accuracy and recall scores.

(2) Are the boundary examples selected? We conduct the experiment with Inst. & Pair-40% and record the selected set in different epoch to illustrate the dynamic selecting process by t-SNE [van2008visualizing]. As illustrated in Fig. 7, most of selected samples (red) lie around the decision boundary, demonstrating the effectiveness of the fluctuation criterion for selecting boundary examples.

(3) How effective is the framework in the warming-up stage? We plot the distribution of training losses for all instances after warming-up in Fig. 7. The blue and red parts represent the losses of clean and noise labels, respectively. By introducing the regularizer during the warming-up stage, there exists an obvious disparity between clean and noisy samples, verifying the effect of in mitigating the overconfidence during warming-up.

CIFAR-10 CIFAR-100
Method P 40% I 40% S 40% S 80% P 40% I 40% S 40% S 80%
Co-teaching Base 82.7 80.8 83.5 34.6 49.8 49.3 51.6 19.2
After 84.9(2.2) 83.9(3.1) 85.2(1.7) 39.7(5.1) 52.1(2.3) 51.9(2.6) 54.1(2.5) 23.6(4.4)
JoCoR Base 83.9 82.4 85.4 38.0 51.0 50.6 56.0 22.7
After 86.8(2.9) 85.6(3.2) 87.1(1.7) 41.6(3.6) 53.6(2.6) 53.6(3.0) 58.4(2.4) 26.8(4.1)
DivideMix Base 93.4 94.5 94.7 93.0 71.0 70.9 72.9 57.9
After 94.1(0.7) 94.7(0.2) 94.6(0.1) 92.8(0.2) 72.4(1.4) 72.0(1.1) 73.3(0.4) 59.1(1.2)
Table 4: The significant gain with our selection criterion for other methods.
Co-teaching[han2018co] MW-Net[shu2019meta] MSLC[wu2020learning] CORES[cheng2021learning] DivideMix[li2020dividemix] Me-Momentum[bai2021me]   SFT SFT+
2.9h 4.7h 4.1h 2.6h 4.4h 4.8h 2.4h 4.1h
Table 5: Comparison of the total training time (hours) on CIFAR-10.

Versatility. Our fluctuation criterion is flexible and play-and-plug that can be applied on other modern methods [han2018co, wei2020combating, li2020dividemix]. We replace the sample selection phase with our selection module and conduct experiments on CIFAR-10 & 100 under four settings of noise. As shown in Tab. 4, by introducing the fluctuation criterion, these three methods almost outperform the basic version that uses the small-loss criterion. Even in the current SOTA work DivideMix, the improvement of performance on CIFAR-100 is remarkable. The fluctuation criterion gains a significant average improvement of almost % under all settings. These results demonstrate the great flexibility of our proposed selection strategy.

Efficiency. We compare the training time with typical methods to show its efficiency. We evaluate them on CIFAR-10 and obtain the mean value of training time with the 40% rate of three noise types. All models are trained on a single Geforce-3090. As shown in Tab.5, SFT is consistently faster than other methods since it can directly back-propagate with selected and does not rely on sophisticated learning strategies, e.g., two-loop training in Me-Momentum [bai2021me].

CIFAR-10 0.2 0.4 0.6 0.8
Symm. 40% 89.67 89.51 89.27 89.29
Pair. 40% 89.74 90.11 89.51 89.43
Inst. 40% 89.93 89.61 89.37 89.29
CIFAR-100 0.2 0.4 0.6 0.8
Symm. 40% 69.88 69.61 69.17 69.34
Pair. 40% 69.23 69.07 68.71 68.66
Inst. 40% 69.84 69.91 69.52 69.37
Figure 8: Comparison confidence regularization (CR) with label smooth (LS). , denote the confidence threshold and smooth coefficient respectively.
Table 6: The hyper-parameter selection of . Test acc. is reported.
Figure 9: The hyper-parameter selection of memory bank size . Test accuracy (%) and F-score are reported.

4.5 Hyper-parameter selection

The confidence threshold and the size of the memory bank are two hyper-parameters that need tuning with cross-validation. To study the impact of and , we conduct ablation studies and compared the confidence regularization (CR) with label smoothing (LS) as shown in Tab. 8, Fig. 8 and Fig. 9.

Confidence threshold . We conduct the experiments from two aspects. First, in Tab. 8, we compare different setting of on our framework and the value of belongs to . As shown, the different values of slightly affect the generalization performance of the model and a relatively small is more preferred in our learning framework.

Further, to verify that this confidence regularization can be regarded as a robust loss function in a mild noisy condition, we compare CR with LS on two benchmarks with 40% symm. label noise. As shown in Fig. 8, our model achieves the best performance when for all benchmarks. For the smooth coefficient , the setting is variant for different benchmarks (e.g. 0.1 for CIFAR-10, 0.4 for CIFAR-100). Therefore, we recommend for most cases.

Memory bank size . We conduct experiments with variant settings and plot the testing accuracy and F-score for sample selection in Fig. 9. Intuitively, the larger size tends to detect more fluctuation events in the memory bank and further mitigate the selection of boundary examples. As we expected, the classification results and selection accuracy illustrate that our model attains the best performance with a smaller . Therefore, we set for all experiments.

Figure 10: Ablation study of selected samples number. The solid lines and dashed lines denote the number of selected set and the clean labels in , respectively. The horizontal dashed line denotes the actual clean samples number.

4.6 Ablation study

Selection criterion. The majority voting strategy can select samples with high probability of consistent prediction results (right or wrong) in memory bank. Thus, we conduct an ablation study that replaces our criterion with the voting strategy. In Tab. LABEL:tab:albation_table, the significant improvement of test accuracy and F-score compared with voting strategy verifies the superiority of the fluctuation criterion.

Regularization terms. To directly validate the effectiveness of regularization terms for warming-up and main learning, we remove them in different stages and retrain the model. We evaluate them with the classification accuracy and F-score for the selected results. As shown in Tab. LABEL:tab:albation_table, by removing each component, the performance of the model is degraded. Specifically, test accuracy and F-score averagely decrease 3.72% and 0.023 on 40% noise ratio without and . We also plot the selection curve in Fig. 10. With the support of the two terms, the selected subset contains less noisy labels. Meanwhile, red dashed lines in two figures are close to the horizontal dashed line, indicating the boundary samples are almost selected by our framework.

5 Conclusion

In this paper, we propose a simple but effective framework, Self-Filtering, to select clean samples from the noisy training set. We build a memory bank module to store the historical predictions and design the fluctuation criterion for selection. Compared with the small-loss criterion, the fluctuation strategy takes the boundary sample into account and improves the generalization performance for learning with noisy labels. To reduce the accumulated error of the sample selection bias, we propose a confidence-penalization term. By increasing the weight of the misclassified categories with this term, we mitigate the noise effect in learning proceeding and thus the algorithm is robust to label noise. Extensive experiments and studies exhibit the great properties of the proposed framework.

6 Acknowledgements

This work was supported in part by National Natural Science Foundation of China (No. 62106129, 62106128, 62176139), Natural Science Foundation of Shandong Province (No. ZR2021ZD15, ZR2021QF053, ZR2021QF001), Young Elite Scientists Sponsorship Program by CAST (No. 2021QNRC001), and China Postdoctoral Science Foundation (No. 2021TQ0195, 2021M701984).

References