Navigate Beyond Shortcuts:
Debiased Learning through the Lens of Neural Collapse
Abstract
Recent studies have noted an intriguing phenomenon termed Neural Collapse, that is, when the neural networks establish the right correlation between feature spaces and the training targets, their last-layer features, together with the classifier weights, will collapse into a stable and symmetric structure. In this paper, we extend the investigation of Neural Collapse to the biased datasets with imbalanced attributes. We observe that models will easily fall into the pitfall of shortcut learning and form a biased, non-collapsed feature space at the early period of training, which is hard to reverse and limits the generalization capability. To tackle the root cause of biased classification, we follow the recent inspiration of prime training, and propose an avoid-shortcut learning framework without additional training complexity. With well-designed shortcut primes based on Neural Collapse structure, the models are encouraged to skip the pursuit of simple shortcuts and naturally capture the intrinsic correlations. Experimental results demonstrate that our method induces better convergence properties during training, and achieves state-of-the-art generalization performance on both synthetic and real-world biased datasets.
1 Introduction

When the input-output correlation learned by a neural network is consistent with its training target, the last-layer features and classifier weights will attract and reinforce each other, forming a stable, symmetric and robust structure. Just as the Neural Collapse phenomenon discovered by Papyan et al. [24], at the terminal phase of training on balanced datasets, a model will witness its last-layer features of the same class converge towards the class centers, and the classifier weights align to these class centers correspondingly. The convergence will ultimately lead to the collapse of feature space into a simplex equiangular tight frame (ETF) structure, as illustrated in Fig. 1(a). The elegant structure has demonstrated its efficacy in enhancing the generalization, robustness, and interpretability of the trained models [24, 5]. Therefore, a wave of empirical and theoretical analysis of Neural Collapse has been proposed [2, 8, 6, 25, 26, 38, 40], and a series of studies have adopted the simplex ETF as the optimal geometric structure of the classifier, to guide the maximized class-wise separation in class-imbalanced training [20, 43, 37, 35, 36].
However, in practical visual recognition tasks, besides the challenge of inter-class imbalance, we also encounter intra-class imbalance, where the majority of samples are dominated by the bias attributes (e.g., some misleading contents such as background, color, texture, etc.). For example, the widely used LFW dataset [12] for facial recognition has been demonstrated severely imbalanced in gender, age and ethnicity [3]. A biased dataset often contains a majority of bias-aligned samples and a minority of bias-conflicting ones. The prevalent bias-aligned samples exhibit a strong correlation between the ground-truth labels and bias attributes, while the scarce bias-conflicting samples have no such correlation. Once a model relies on the simple but spurious shortcut of bias attributes for prediction, it will ignore the intrinsic relations and struggle to generalize on out-of-distribution test samples. The potential impact of biased classification may range from political and economic disparities to social inequalities within AI systems, as emphasized in EDRi’s latest report [1].
Therefore, the fundamental solution to biased classification lies in deferring, or ideally, preventing the learning of shortcut correlations. However, previous debiased learning methods rely heavily on additional training expenses. For example, a bias-amplified auxiliary model is often adopted to identify and up-weight the bias-conflicting samples [23, 19, 16], or employed to guide the input-level and feature-level augmentations [13, 18, 21]. Some disentangle-based debiasing methods, from the perspective of causal intervention [32, 42] or Information Bottleneck theory [30], also require large amounts of contrastive samples or pre-training process to disentangle the biased features, significantly increasing the burden of debiased learning.
In this paper, we extend the investigation of Neural Collapse to the biased visual datasets with imbalanced attributes. Through the lens of Neural Collapse, we observe that models prioritize the period of shortcut learning, and quickly form the biased feature space based on misleading attributes at the early stage of training. After the bias-aligned samples reach zero training error, the intrinsic correlation within bias-conflicting samples will then be discovered. However, due to i) the scarcity of bias-conflicting samples and ii) the stability of the established feature space, the learned shortcut correlation is challenging to reverse and eliminate. The mismatch between bias feature space and the training target induces inferior generalizability, and hinders the convergence of Neural Collapse, as shown in Fig. 1(b).
To achieve efficient model debiasing, we follow the inspiration of prime training, and encourage the model to skip the active learning of shortcut correlations. The primes are often provided as additional supervisory signals to redirect the model’s reliance on shortcuts, which helps improve generalization in image classification and CARLA autonomous driving [33]. To rectify models’ attention on the intrinsic correlations, we define the primes with a training-free simplex ETF structure, which approximates the “optimal" shortcut features and guides the model to pursue unbiased classification from the beginning of training. Our method is free of auxiliary models or additional optimization of prime features. Experimental results also substantiate its state-of-the-art debiasing performance on both synthetic and real-world biased datasets.
Our contributions are summarized as follows:
-
•
For the first time, we investigate the Neural Collapse phenomenon on biased datasets with imbalanced attributes. Through the empirical results of feature convergence, we analyze the shortcut learning stage of training, as well as the fundamental issues of biased classification.
-
•
We propose an efficient avoid-shortcut training paradigm, which introduces the simplex ETF structure as prime features, to rectify models’ attention on the intrinsic correlations.
-
•
We demonstrate the state-of-the-art debiasing performance of our method on 2 synthetic and 3 real-world biased datasets, as well as the better convergence properties of debiased models.
2 Related Works
Debiased Learning. Extensive efforts have been dedicated to model debiasing, but they are significantly limited by additional training costs. Recent advances can be divided into three categories: reweight-based, augmentation-based, and disentangle-based. Based on the easy-to-learn heuristic of biased features, reweight-based approaches require pre-trained bias-amplified models to identify and emphasize the bias-conflicting training samples [23, 19, 16]. Augmentation-based approaches, with the guidance of explicit bias annotations, conduct image-level and feature-level augmentations to enhance the diversity of training datasets [13, 18, 21]. Other disentangle-based approaches attempt to remove the bias-related part of features, from the perspective of Information Bottleneck theory [30] or causal intervention [32, 42], but at the cost of substantial contrastive samples. Additionally, model debiasing is also well studied in graph neural networks [4, 41], language models [7, 22] and multi-modal tasks [34, 11].
Neural Collapse. Discovered by Papyan et al. [24], the Neural Collapse phenomenon reveals the convergence of the last-layer feature space to an elegant geometry. At the terminal phase of training on balanced datasets, the feature centers and classifier weights will collapse together into the structure of a simplex ETF, which is illustrated in Section 3.1. Recent works have dug deeper into the phenomenon and provided theoretical supports under different constraints or regularizations [2, 40, 8], as well as empirical studies of intermediate features and transfer learning [26, 38, 25, 6]. Considering the class-imbalanced datasets, Fang et al. [5] point out the Minority Collapse phenomenon, where features of long-tailed classes will merge together and be hard to classify. As a remedy, they fix the classifier as an ETF structure during training, which guarantees the optimal geometric property in imbalanced learning [36], semantic segmentation [43], and federated learning [37]. To take a step further, our work fills the gap of Neural Collapse analysis on biased datasets with shortcut correlations.
Avoid-shortcut Learning. The recent inspiration of avoid-shortcut learning aims to postpone, or even prevent the learning of shortcut relations in model training. With well-crafted contrastive samples [27, 29, 28] or artificial shortcut signals [33, 42], avoid-shortcut learning has demonstrated its efficacy in image classification, autonomous driving and question answering models. One of the representative methods is named prime training, which provides richer supervisory signals of key input features (i.e., primes) to guide the establishment of correct correlations, therefore improving generalization on OOD samples [33]. In this work, we leverage the approximated “optimal" shortcuts as primes to encourage the models to bypass shortcut learning.
3 Preliminaries
3.1 Neural Collapse Phenomenon
Consider a biased dataset with classes of training samples, we denote as the -th sample of the -th class and as its corresponding last-layer feature. A linear classifier with weights is trained upon the last-layer features to make predictions.
The Neural Collapse (NC) phenomenon discovered that, when neural networks are trained on balanced datasets, the correctly learned correlations will naturally lead to the convergence of feature spaces. Given enough training steps after the zero classification error, the last-layer features and classifier weights will collapse to the vertices of a simplex equiangular tight frame (ETF), which is defined as below.
Definition 1 (Simplex Equiangular Tight Frame) A collection of vectors , is said to be a -simplex equiangular tight frame if:
(1) |
where , and is an orthogonal matrix which satisfies , with denotes the identity matrix and denotes the all-ones vector. Within the ETF structure, all vectors have the maximal pair-wise angle of , namely the maximal equiangular separation.
Besides the convergence to simplex ETF structure, the Neural Collapse phenomenon could be concluded as the following properties during the terminal phase of training:
NC1: Variability collapse. The last-layer features of the same class will collapse to their class means , and the within-class variation of the last-layer features will approach 0.
NC2: Convergence to simplex ETF. The normalized class means will collapse to the vertices of a simplex ETF. We denote the global mean of all last-layer features as and the normalized class means as , which satisfies Eq.1.
NC3: Self duality. The classifier weights will align with the corresponding normalized class means , which satisfies .
NC4: Simplification to nearest class center. After convergence, the model’s prediction will collapse to simply choosing the nearest class mean to the input feature (in standard Euclidean distance). The prediction of could be denoted as .

3.2 Neural Collapse Observation on Biased Dataset
Besides the findings on balanced datasets, some studies have explored Neural Collapse under the class-imbalanced situation [36, 5]. Taking a step further, we investigate the phenomenon on biased datasets with imbalanced attributes, to advance the understanding of biased classification. To examine the convergence of last-layer features and classifier weights, we compare the metrics of Neural Collapse on both unbiased and synthetic biased datasets. As shown in Fig. 2, we report the result of NC1-NC3, which corresponds to the first three convergence properties in Section 3.1 and respectively evaluates the convergence of same-class features, the structure of feature space and self-duality. The details of NC metrics are concluded in Tab. 1.
Metrics Computational details NC1 , where is the trace of matrix and denotes the pseudo-inverse of , NC2 NC3 , where
When trained on unbiased datasets (black lines in Fig. 2), the model displays the expected convergence properties, with metrics NC1-NC3 all converge to zero. We owe the elegant collapse phenomenon to the right correlation between the feature space and training objective, which is also supported by the analysis of benign global landscapes [46, 45].
However, when trained on biased datasets, the training process exhibits two stages: first the shortcut learning period and then the intrinsic learning period, as divided by the vertical dashed line. During the shortcut learning period, the accuracy of bias-aligned samples increases quickly, and the NC1-NC3 metrics show a rapid decline (green lines with in Fig. 2). It indicates that when simple shortcuts exist in the training distribution, the model will quickly establish its feature space based on the bias attributes, and exhibit a converging trend towards the simplex ETF structure.
After the bias-aligned samples approach zero error, the model turns to the period of intrinsic learning, which focuses on the intrinsic correlations within bias-conflicting samples to further reduce the empirical loss. However, although their final loss reduces to zero, the bias-conflicting samples still display low accuracy and poor convergence results (green lines with ). It implies that the intrinsic learning period merely induces the over-fitting of bias-conflicting samples and does not benefit in generalization. We attribute the failure of collapse to the early establishment of shortcut correlations. Once the biased feature space is established based on misleading attributes, rectifying it becomes challenging, particularly with scarce bias-conflicting samples. In the subsequent training steps, the misled features of bias-conflicting samples will hinder the convergence of same-class features, thereby halting the converging trend towards the simplex ETF structure and leading to a non-collapsed, sub-optimal feature space.
To break the curse of shortcut learning, we turn the tricky shortcut into a training prime, which effectively guides the models to focus on intrinsic correlations and form a naturally collapsed feature space (blue lines in Fig. 2). Our method is presented in the following sections.
4 Methodology

4.1 Motivation
Following the previous analysis, we highlight the importance of redirecting the model’s emphasis from simple shortcuts to intrinsic relations. Since the models can be easily misled by shortcuts in the training distribution, is it feasible to supply a “perfectly learned" shortcut feature, to deceive the models into skipping the active learning of shortcuts, and directly focusing on the intrinsic correlations?
We observe in Fig. 2 that the NC1-NC3 metrics show a rapid decrease during shortcut learning, but remain stable in the subsequent training epochs. However, if the training distribution does follow the shortcut correlation (with no obstacle from bias-conflicting samples), the convergence will end up with the optimal structure of simplex ETF, just as the results on unbiased datasets. This inspires us to approximate the “perfectly learned" shortcut features with a simplex ETF structure, which requires no additional training and represents the optimal geometry of feature space.
Therefore, following the outstanding performance of prime training in OOD generalization [33], we introduce the approximated “perfect" shortcuts as the primes for debiased learning. The provided shortcut primes are constructed with a training-free simplex ETF structure, which encourages the models to directly capture the intrinsic correlations, therefore exhibit superior generalizability and convergence properties in our experiments.
4.2 Avoid-shortcut Learning with Neural Collapse
Building upon our motivation of avoid-shortcut learning, the illustration of the proposed ETF-Debias is shown in Fig. 3. The debiased learning framework can be divided into three stages: prime construction, prime training, and unbiased classification. Firstly, a prime ETF will be constructed to approximate the “perfect" shortcut features. Then during the prime training, the model will be guided to directly capture the intrinsic correlations with the prime training and the prime reinforcement regularization. In evaluation, we rely on the intrinsic correlations to perform unbiased classification. The details are as follows.
Prime construction. When constructing the prime ETF, we first randomly initialize a simplex ETF as , which satisfies the definition in Eq. 1. The dimension is the same as the learnable features, and the number of vectors in is determined by the categories of bias attributes , which are pre-defined in the training distribution. After initialization, the vertices of prime ETF are considered as the approximation of the “perfect" shortcut features for each attribute, which serve as the prime features for avoid-shortcut training. During training, the prime features will be retrieved based on the bias attribute of each input sample.
Prime training. During the prime training, we take the end-to-end model architecture with a backbone and a classifier . For the -th input with the bias attribute of , we first extract its learnable feature with the backbone model, and retrieve its prime feature based on the bias attribute . The classifier will take both the learnable feature and the prime feature to make softmaxed predictions . The standard classification objective is defined as:
(2) |
where is the ground-truth label. In our implementation, we use the standard cross-entropy loss as , and concatenate the prime features after the learnable features to perform predictions.
In essence, we provide a pre-defined prime feature for each training sample based on its bias attribute. The prime features, with a strong correlation with the bias attributes, can be viewed as the optimal solution to shortcut learning. By leveraging the already “perfect" representation of shortcut correlations, the model will be forced to explore the intrinsic correlations within the training distribution. The prime-guided mechanism targets at the fundamental issue of biased classification, without inducing extra training costs.
Prime reinforcement regularization. Given the prime features, the model is encouraged to grasp the intrinsic correlation of the training distributions. However, we raise another potential risk that, despite the provided “perfectly learned" shortcut features, the model may still pursue the easy-to-follow shortcuts, leading to the redundancy between the learnable feature and the fixed . We point out that the model may not establish a strong correlation between the prime features and the bias attributes, and continues to optimize the learnable features for the missing connections.
Therefore, we introduce a prime reinforcement regularization mechanism to enhance the model’s dependency on prime features. We encourage the model to classify the bias attributes with only the prime features, and the regularization loss is defined as:
|
(3) |
where is implemented as all-zero vectors with the same dimension as , and is the standard cross-entropy loss. In the ablation studies in Section 5.3, we observe an improved generalization capability across test distributions, as the result of the strengthened reliance on prime features. Regarding the entire framework, we define the overall training objective as:
(4) |
where is the hyper-parameter to adjust the regularization.
Unbiased classification. In evaluation, we rely on the intrinsic correlations to perform unbiased classification. Given a test sample , we extract its learnable feature and set its prime feature as to obtain the final output .
4.3 Theoretical Justification
Based on the analysis of Neural Collapse from the perspective of gradients [43, 36], we provide a brief theoretical justification for our method.
With the priming mechanism, we denote the -th feature of the -th class as , which represents the concatenation of learnable feature and prime feature based on its bias attribute . To keep the same form, we also denote the classifier weights as , where represents the weight for intrinsic correlations and represents the one for shortcut correlations. We observe that, due to the fixed prime features during training, will quickly collapse to the bias-correlated prime features of class , and can be viewed as constant after just a few steps of training. With the definition, the cross-entropy (CE) loss can be written as:
|
(5) |
We follow the analysis of previous works and compute the gradients of w.r.t both classifier weights and features.
Gradient w.r.t classifier weights. We first compute the gradient of w.r.t classifier weights :
(6) |
where and are the predicted probabilities for class labels and bias attributes, calculated with softmax:
(7) |
(8) |
In Eq. 4.3, the gradient w.r.t classifier weights are divided into two parts. The pulling part is composed of features from the same class that pulls towards the direction of the -th feature cluster, while the forcing part contains the features of other classes and pushes away from their clusters. The weight factor of each feature represents its influence on the optimization of , which implicitly plays the role of re-weighting in our method.
We assume that class is strongly correlated with bias attribute . As the weight is observed to collapse quickly to the bias-correlated prime feature , the probability of bias-aligned samples (with prime features ) are much greater than that of bias-conflicting samples (with prime features ). Thus, with the weight factors in Eq. 4.3, the pulling and forcing effects of bias-aligned samples will be relatively down-weighted, and the impact of bias-conflicting samples will be up-weighted. The re-weighting mechanism of gradient mitigates the tendency of pulling towards the center of bias-aligned samples, which alleviates the misdirection of bias attributes.
Gradient w.r.t features. Similarly, we compute the gradient of w.r.t the feature :
(9) |
In the gradient w.r.t features, the pulling part directs the feature towards the weight of its class , and the forcing part repels it from wrong classes. Regarding the weight factors, the probability of bias attribute also re-weights the influence of classifier weights. Bias-aligned samples, with high probability, will have smaller pulling effects towards the classifier weight , which avoids the dominance of bias-aligned features around the weight centers and hinders the tendency of shortcut learning. In comparison, the bias-conflicting samples are granted stronger pulling and pushing effects, which strengthens their convergence toward the right class. The detailed theoretical justification of our method, along with the comparison with vanilla training, are available in Appendix A.
5 Experiments
Dataset Ratio(%) Vanilla LfF⋄[23] LfF+BE⋄[19] EnD∗[30] SD∗[42] DisEnt∗[18] Selecmix⋄[13] ETF-Debias Colored MNIST 0.5 32.220.13 57.780.81 69.691.99 35.930.40 56.960.37 68.831.62 70.530.46 71.630.28 (+1.10) 1.0 48.450.06 72.291.69 80.901.40 49.320.58 72.460.18 79.491.44 83.340.37 81.970.26 (-1.37) 2.0 58.900.12 79.511.82 84.901.14 65.580.46 79.370.46 84.561.19 85.900.23 86.000.03 (+0.10) 5.0 74.190.04 83.961.44 90.280.18 80.700.17 88.890.21 88.830.15 91.270.31 91.360.21 (+0.09) Corrupted CIFAR-10 0.5 17.060.12 31.002.67 23.680.50 14.300.10 36.660.74 30.121.60 33.300.26 40.060.03 (+3.40) 1.0 21.480.55 34.331.76 30.720.12 20.170.19 45.661.05 35.281.39 38.720.27 47.520.26 (+1.86) 2.0 27.150.46 39.681.15 42.220.60 30.100.54 50.110.69 40.341.41 47.090.17 54.640.42 (+4.53) 5.0 39.460.58 53.040.76 57.930.58 45.850.21 62.430.57 49.990.84 54.690.29 65.340.60 (+2.91)
Dataset Ratio(%) Vanilla LfF⋄[23] LfF+BE⋄[19] EnD∗[30] SD∗[42] DisEnt∗[18] Selecmix⋄[13] ETF-Debias Biased FFHQ 0.5 53.270.61 65.602.27 67.072.37 55.931.62 65.600.20 63.071.14 65.000.82 73.601.22 (+6.53) 1.0 57.130.64 72.332.19 73.531.62 61.130.50 69.200.20 68.532.32 67.500.30 76.531.10 (+3.00) 2.0 67.670.81 74.802.03 80.202.78 66.870.64 78.400.20 72.002.51 69.800.87 85.200.61 (+5.00) 5.0 78.870.83 80.272.02 87.402.00 80.870.42 84.800.20 80.600.53 83.470.61 94.000.72 (+6.60) Dogs & Cats 1.0 51.960.90 71.175.24 78.872.40 51.910.24 78.131.06 65.132.07 54.191.61 80.070.90 (+1.20) 5.0 76.591.27 85.831.62 88.601.21 79.070.28 89.120.18 82.472.86 81.501.06 92.180.62 (+3.06) BAR 1.0 68.000.43 68.300.97 71.701.33 68.250.19 67.330.35 69.301.27 69.831.02 72.790.21 (+1.09) 5.0 79.340.19 80.251.27 82.001.24 78.860.36 79.100.42 81.190.70 78.790.52 83.660.21 (+1.66)
5.1 Experimental Settings
Datasets and models. We validate the effectiveness of ETF-Debias on general debiasing benchmarks, which cover various types of bias attributes including color, corruption, gender, and background. We adopt 2 synthetic biased datasets, Colored MNIST [15] and Corrupted CIFAR-10 [10] with the ratio of bias-conflicting training samples {0.5%, 1.0%, 2.0%, 5.0%}, and 3 real-world biased datasets, Biased FFHQ (BFFHQ) [18] with bias ratio {0.5%, 1.0%, 2.0%, 5.0%}, BAR [23], and Dogs & Cats [15] with bias ratio {1.0%, 5.0%}.
As for the model architecture, we adopt a three-layer MLP for Colored MNIST and ResNet-20 [9] for other datasets. Since BAR has a tiny training set, we follow the previous work [19] and initialize the parameters with pre-trained models on corresponding datasets. All results are averaged over three independent trials. More details about datasets and implementation are available in Appendix B.
Baselines. According to the three categories of debiased learning in Section 2, we compare the performance of ETF-Debias with six recent methods. For reweight-based debiasing, we consider LfF [23] with auxiliary bias models, and its improved version LfF+BE [19]. For disentangle-based debiasing, we consider EnD [30] and SD [42], which stem from the Information Bottleneck theory and causal intervention respectively. For augmentation-based debiasing, we consider DisEnt [18] and Selecmix [13], to include both the feature-level and image-level augmentations.
5.2 Main Results
Comparison on synthetic datasets. To display the debiasing performance, we report the accuracy on the unbiased test set of 2 synthetic datasets in Tab. 2. It’s notable that ETF-Debias consistently outperforms baselines in the generalization capability towards test samples, on almost all levels of bias ratio. We observe that some baseline methods (e.g., EnD) do not display a satisfactory debiasing effect on synthetic datasets, as they rely heavily on diverse contrastive samples to identify and mitigate the bias features. In contrast, our approach directly provides the approximated shortcut features as training primes, which achieves superior performance on synthetic bias attributes.
Comparison on real-world datasets. To verify the scalability of ETF-Debias in real-world scenarios with more diverse bias attributes, we test our method on 3 real-world biased datasets in Tab. 3. We observe that ETF-Debias shows an even greater performance gain on real-world datasets than on synthetic ones, which may be attributed to the semantically meaningful prime features constructed with the simplex ETF structure. On the large-scale BFFHQ dataset, our method achieves up to 6.6% accuracy improvements compared to baseline methods, demonstrating its potential in real-world applications.
Convergence of Neural Collapse. In Fig. 2, we display the trajectory of NC metrics during training on the Corrupted CIFAR-10 dataset. Guided by the prime features, the model establishes a right correlation and shows a much better convergence property on biased datasets, contributing to the superior generalization capability. More convergence results are available in Appendix C.
5.3 Ablation Study
Ablation on the influence of regularization. To measure the sensitivity of our method to different levels of prime reinforcement regularization, we compare the accuracy on the unbiased test set with range from 0.0 to 1.0 in Fig. 4(a). It’s been shown that the debiasing performance remains significant with different strengths of regularization, and achieves extra performance gain with the proper level of prime reinforcement.

Ablation on the influence of ETF prime features. As illustrated before, we choose the vertices of ETF as the “perfectly learned" shortcut features, thus redirecting the model’s attention to intrinsic correlations. To demonstrate the efficacy of ETF prime features, we compare the results of randomly initialized prime features with the same dimension as the ETF-based ones. As shown in Fig. 4(b), the randomly initialized primes suffer a severe performance degradation, underscoring the advantages of ETF-based prime features in approximating the optimal structure.
5.4 Visualization

To intuitively reveal the effectiveness of our method, we compare the CAM [44] visualization results on vanilla models and debiased models trained with ETF-Debias. As shown in Fig. 5, the model’s attention is significantly rectified with ETF-Debias. For example, on Corrupted CIFAR-10 dataset, vanilla models are easily misled by the corruptions on the entire images, but with the guide of prime features in our method, the debiased models shift their attention to the objects themselves. It’s also notable that our method circumvents the wrong attention area in classification and encourages the focus on more discriminative and finer-grained regions. On datasets of facial recognition, our method also breaks the spurious correlation on specific visual attributes [19] and considers more facial features, as shown in Fig. 5(c). More visualization results are available in Appendix E.
6 Conclusion
In this paper, we propose an avoid-shortcut learning framework with the insights of the Neural Collapse phenomenon. By extending the analysis of Neural Collapse to biased datasets, we introduce the simplex ETF as the prime features to redirect the model’s attention to intrinsic correlations. With the state-of-the-art debiasing performance on various benchmarks, we hope our work may advance the understanding of Neural Collapse and shed light on the fundamental solutions to model debiasing.
Acknowledgement
We appreciate the valuable comments from the anonymous reviewers that improves the paper’s quality. This work was supported in part by the National Key Research and Development Program (2021YFB3101200), National Natural Science Foundation of China (U1736208, U1836210, U1836213, 62172104, 62172105, 61902374, 62102093, 62102091). Min Yang is a faculty of Shanghai Institute of Intelligent Electronics & Systems, Shanghai Insitute for Advanced Communication and Data Science, and Engineering Research Center of Cyber Security Auditing and Monitoring, Ministry of Education, China.
References
- Balayn and Gürses [2021] Agathe Balayn and Seda Gürses. Beyond debiasing: Regulating ai and its inequalities. EDRi Report. https://edri. org/wp-content/uploads/2021/09/EDRi_Beyond-Debiasing-Report_Online. pdf, 2021.
- Dang et al. [2023] Hien Dang, Tan Nguyen, Tho Tran, Hung Tran, and Nhat Ho. Neural collapse in deep linear network: From balanced to imbalanced data. ICML, 2023.
- Deviyani [2022] Athiya Deviyani. Assessing dataset bias in computer vision. arXiv preprint arXiv:2205.01811, 2022.
- Fan et al. [2022] Shaohua Fan, Xiao Wang, Yanhu Mo, Chuan Shi, and Jian Tang. Debiasing graph neural networks via learning disentangled causal substructure. NeurIPS, 35:24934–24946, 2022.
- Fang et al. [2021] Cong Fang, Hangfeng He, Qi Long, and Weijie J Su. Exploring deep neural networks via layer-peeled model: Minority collapse in imbalanced training. Proceedings of the National Academy of Sciences, 118(43):e2103091118, 2021.
- Galanti et al. [2022] Tomer Galanti, András György, and Marcus Hutter. On the role of neural collapse in transfer learning. In ICLR, 2022.
- Guo et al. [2022] Yue Guo, Yi Yang, and Ahmed Abbasi. Auto-debias: Debiasing masked language models with automated biased prompts. In ACL, pages 1012–1023, 2022.
- Han et al. [2022] XY Han, Vardan Papyan, and David L Donoho. Neural collapse under mse loss: Proximity to and dynamics on the central path. In ICLR, 2022.
- He et al. [2016] Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun. Deep residual learning for image recognition. In CVPR, pages 770–778, 2016.
- Hendrycks and Dietterich [2018] Dan Hendrycks and Thomas Dietterich. Benchmarking neural network robustness to common corruptions and perturbations. In ICLR, 2018.
- Hirota et al. [2023] Yusuke Hirota, Yuta Nakashima, and Noa Garcia. Model-agnostic gender debiased image captioning. In CVPR, pages 15191–15200, 2023.
- Huang et al. [2008] Gary B Huang, Marwan Mattar, Tamara Berg, and Eric Learned-Miller. Labeled faces in the wild: A database forstudying face recognition in unconstrained environments. In Workshop on faces in’Real-Life’Images: detection, alignment, and recognition, 2008.
- Hwang et al. [2022] Inwoo Hwang, Sangjun Lee, Yunhyeok Kwak, Seong Joon Oh, Damien Teney, Jin-Hwa Kim, and Byoung-Tak Zhang. Selecmix: Debiased learning by contradicting-pair sampling. NeurIPS, 35:14345–14357, 2022.
- Karras et al. [2019] Tero Karras, Samuli Laine, and Timo Aila. A style-based generator architecture for generative adversarial networks. In CVPR, pages 4401–4410, 2019.
- Kim et al. [2019] Byungju Kim, Hyunwoo Kim, Kyungsu Kim, Sungjin Kim, and Junmo Kim. Learning not to learn: Training deep neural networks with biased data. In CVPR, pages 9012–9020, 2019.
- Kim et al. [2022] Nayeong Kim, Sehyun Hwang, Sungsoo Ahn, Jaesik Park, and Suha Kwak. Learning debiased classifier with biased committee. NeurIPS, 35:18403–18415, 2022.
- Krizhevsky et al. [2009] Alex Krizhevsky, Geoffrey Hinton, et al. Learning multiple layers of features from tiny images. 2009.
- Lee et al. [2021] Jungsoo Lee, Eungyeup Kim, Juyoung Lee, Jihyeon Lee, and Jaegul Choo. Learning debiased representation via disentangled feature augmentation. NeurIPS, 34:25123–25133, 2021.
- Lee et al. [2023] Jungsoo Lee, Jeonghoon Park, Daeyoung Kim, Juyoung Lee, Edward Choi, and Jaegul Choo. Revisiting the importance of amplifying bias for debiasing. In AAAI, pages 14974–14981, 2023.
- Li et al. [2023] Zexi Li, Xinyi Shang, Rui He, Tao Lin, and Chao Wu. No fear of classifier biases: Neural collapse inspired federated learning with synthetic and fixed classifier. ICCV, 2023.
- Lim et al. [2023] Jongin Lim, Youngdong Kim, Byungjai Kim, Chanho Ahn, Jinwoo Shin, Eunho Yang, and Seungju Han. Biasadv: Bias-adversarial augmentation for model debiasing. In CVPR, pages 3832–3841, 2023.
- Lyu et al. [2023] Yougang Lyu, Piji Li, Yechang Yang, Maarten de Rijke, Pengjie Ren, Yukun Zhao, Dawei Yin, and Zhaochun Ren. Feature-level debiased natural language understanding. In AAAI, pages 13353–13361, 2023.
- Nam et al. [2020] Junhyun Nam, Hyuntak Cha, Sungsoo Ahn, Jaeho Lee, and Jinwoo Shin. Learning from failure: De-biasing classifier from biased classifier. NeurIPS, 33:20673–20684, 2020.
- Papyan et al. [2020] Vardan Papyan, XY Han, and David L Donoho. Prevalence of neural collapse during the terminal phase of deep learning training. Proceedings of the National Academy of Sciences, 117(40):24652–24663, 2020.
- Peifeng et al. [2023] Gao Peifeng, Qianqian Xu, Peisong Wen, Zhiyong Yang, Huiyang Shao, and Qingming Huang. Feature directions matter: Long-tailed learning via rotated balanced representation. ICML, 2023.
- Rangamani et al. [2023] Akshay Rangamani, Marius Lindegaard, Tomer Galanti, and Tomaso A Poggio. Feature learning in deep classifiers through intermediate neural collapse. In ICML, pages 28729–28745. PMLR, 2023.
- Robinson et al. [2021] Joshua Robinson, Li Sun, Ke Yu, Kayhan Batmanghelich, Stefanie Jegelka, and Suvrit Sra. Can contrastive learning avoid shortcut solutions? NeurIPS, 34:4974–4986, 2021.
- Saranrittichai et al. [2022] Piyapat Saranrittichai, Chaithanya Kumar Mummadi, Claudia Blaiotta, Mauricio Munoz, and Volker Fischer. Overcoming shortcut learning in a target domain by generalizing basic visual factors from a source domain. In ECCV, pages 294–309. Springer, 2022.
- Shinoda et al. [2023] Kazutoshi Shinoda, Saku Sugawara, and Akiko Aizawa. Which shortcut solution do question answering models prefer to learn? In AAAI, pages 13564–13572, 2023.
- Tartaglione et al. [2021] Enzo Tartaglione, Carlo Alberto Barbano, and Marco Grangetto. End: Entangling and disentangling deep representations for bias correction. In CVPR, pages 13508–13517, 2021.
- Thrampoulidis et al. [2022] Christos Thrampoulidis, Ganesh Ramachandra Kini, Vala Vakilian, and Tina Behnia. Imbalance trouble: Revisiting neural-collapse geometry. Advances in Neural Information Processing Systems, 35:27225–27238, 2022.
- Wang et al. [2021] Tan Wang, Chang Zhou, Qianru Sun, and Hanwang Zhang. Causal attention for unbiased visual recognition. In CVPR, pages 3091–3100, 2021.
- Wen et al. [2022] Chuan Wen, Jianing Qian, Jierui Lin, Jiaye Teng, Dinesh Jayaraman, and Yang Gao. Fighting fire with fire: Avoiding dnn shortcuts through priming. In ICML, pages 23723–23750. PMLR, 2022.
- Wen et al. [2021] Zhiquan Wen, Guanghui Xu, Mingkui Tan, Qingyao Wu, and Qi Wu. Debiased visual question answering from feature and sample perspectives. NeurIPS, 34:3784–3796, 2021.
- Xie et al. [2023] Liang Xie, Yibo Yang, Deng Cai, and Xiaofei He. Neural collapse inspired attraction–repulsion-balanced loss for imbalanced learning. Neurocomputing, 527:60–70, 2023.
- Yang et al. [2022a] Yibo Yang, Shixiang Chen, Xiangtai Li, Liang Xie, Zhouchen Lin, and Dacheng Tao. Inducing neural collapse in imbalanced learning: Do we really need a learnable classifier at the end of deep neural network? NeurIPS, 35:37991–38002, 2022a.
- Yang et al. [2022b] Yibo Yang, Haobo Yuan, Xiangtai Li, Zhouchen Lin, Philip Torr, and Dacheng Tao. Neural collapse inspired feature-classifier alignment for few-shot class-incremental learning. In ICLR, 2022b.
- Yang et al. [2023] Yongyi Yang, Jacob Steinhardt, and Wei Hu. Are neurons actually collapsed? on the fine-grained structure in neural representations. ICML, 2023.
- Yann LeCun [2010] Corinna Cortes and Yann LeCun. Mnist handwritten digit database. Available at http://yann.lecun.com/exdb/mnist/, 2010.
- Yaras et al. [2022] Can Yaras, Peng Wang, Zhihui Zhu, Laura Balzano, and Qing Qu. Neural collapse with normalized features: A geometric analysis over the riemannian manifold. NeurIPS, 35:11547–11560, 2022.
- Zhang et al. [2023a] Qing Zhang, Xiaoying Zhang, Yang Liu, Hongning Wang, Min Gao, Jiheng Zhang, and Ruocheng Guo. Debiasing recommendation by learning identifiable latent confounders. KDD, 2023a.
- Zhang et al. [2023b] Yi Zhang, Jitao Sang, Junyang Wang, Dongmei Jiang, and Yaowei Wang. Benign shortcut for debiasing: Fair visual recognition via intervention with shortcut features. ACM MM, 2023b.
- Zhong et al. [2023] Zhisheng Zhong, Jiequan Cui, Yibo Yang, Xiaoyang Wu, Xiaojuan Qi, Xiangyu Zhang, and Jiaya Jia. Understanding imbalanced semantic segmentation through neural collapse. In CVPR, pages 19550–19560, 2023.
- Zhou et al. [2016] Bolei Zhou, Aditya Khosla, Agata Lapedriza, Aude Oliva, and Antonio Torralba. Learning deep features for discriminative localization. In CVPR, pages 2921–2929, 2016.
- Zhou et al. [2022] Jinxin Zhou, Chong You, Xiao Li, Kangning Liu, Sheng Liu, Qing Qu, and Zhihui Zhu. Are all losses created equal: A neural collapse perspective. NeurIPS, 35:31697–31710, 2022.
- Zhu et al. [2021] Zhihui Zhu, Tianyu Ding, Jinxin Zhou, Xiao Li, Chong You, Jeremias Sulam, and Qing Qu. A geometric analysis of neural collapse with unconstrained features. NeurIPS, 34:29820–29834, 2021.
Supplementary Material
Appendix A Detailed Theoretical Justification
A.1 Analysis of Vanilla Training
To illustrate why vanilla models tend to pursue shortcut learning, we follow the analysis of previous works [36, 43] and re-examine the issue of biased classification from the perspective of gradients.
Following the definition in Section 3.1, we denote as the -th sample of the -th class, as its corresponding last-layer feature, and as the weights of classifier. In vanilla training, the cross-entropy loss is defined as:
(A.1) |
Gradient w.r.t classifier weights. To analyze the learning behavior of the classifier, we first compute the gradient of w.r.t the classifier weights:
(A.2) |
where denotes the number of training samples in the -th class, and is the predicted probability of belongs to the -th class, which is calculated with the softmax function:
(A.3) |
In Eq. A.2, we decompose the gradient w.r.t the classifier weight into two parts, the pulling part and the forcing part. The pulling part contains the effects of features from the same class (i.e., ), which pulls the classifier weight towards the -th feature cluster and each feature has an influence of . Meanwhile, the forcing part of the gradient contains the features from other classes to push away from the wrong clusters, and each feature has an influence of . When the vanilla model is trained on biased datasets, the prevalent bias-aligned samples of the -th class will dominate the pulling part of the gradient. The classifier weight will be pulled towards the center of the bias-aligned features, which have a strong correlation between the class label and a bias attribute . The biased feature space based on shortcut will thus be formed at the early period of training, as the result of the imbalanced magnitude of gradients across different attributes. Similarly, the forcing part of the gradient is also guided by the bias-aligned samples of other classes, further reinforcing the tendency of shortcut learning. It confirms our observation in Section 3.2 that the model’s pursuit of shortcut correlation leads to a biased, non-collapsed feature space, which is hard to rectify in the subsequent training steps.
Gradient w.r.t features. Furthermore, we compute the gradient of w.r.t the last-layer features:
(A.4) |
In Eq. A.4, the gradient w.r.t features is also considered as the combination of the pulling part and the forcing part. The pulling part represents the pulling effect of the classifier weight from the same class (i.e., ), which will guide the features to align with the prediction behavior of the classifier. The forcing part, on the contrary, represents the pushing effect of other classifier weights. As we discussed before, the model’s reliance on simple shortcuts is formed at the early stage of training, due to the misled classifier weights toward the centers of bias-aligned features. It results in a biased decision rule of the classifier, which directly affects the formation of the last-layer feature space. Consider the bias-conflicting samples of the -th class, although the pulling part of the gradient supports its convergence towards the right classifier weight , the established shortcut correlation is hard to reverse and eliminate, which has been demonstrated with the metrics of Neural Collapse in Section 3.2.
A.2 Analysis of ETF-Debias
In light of the analysis of vanilla training, our proposed debiasing framework, ETF-Debias, turns the easy-to-follow shortcut into the prime features, which guides the model to skip the active learning of shortcuts and directly focus on the intrinsic correlations. We have provided a brief theoretical justification of our method in Section 4.3, and the detailed illustrations are as follows.
When trained on biased datasets, we assume each class is strongly correlated with a bias attribute . Based on the mechanism of prime training, we denote the -th feature of the -th class as , where represents the learnable features, and represents the prime features retrieved based on the bias attribute of the input sample. With the definition, a bias-aligned sample of the -th class will have its feature in form of , and a bias-conflicting sample will have its feature as . To keep the same form, we denote the classifier weight as , where represents the weight for intrinsic correlations and is the weight for shortcut features. In the detailed convergence result of Neural Collapse (Section C), we observe that, due to the fixed prime features and their strong correlation with the bias attributes, will quickly collapse into its bias-correlated prime feature , and can be viewed as constant after just a few steps of training. Thus the cross-entropy loss can be re-written as:
(A.5) |
Gradient w.r.t classifier weights. With the avoid-shortcut learning framework, we justify that the introduced prime mechanism implicitly plays the role of re-weighting, which weakens the mutual convergence between bias-aligned features and the classifier weights, and amplifies the learning of intrinsic correlations. We first analyze the gradient of w.r.t the classifier weights :
(A.6) | ||||
(A.7) | ||||
(A.8) |
The predicted probabilities both satisfy and , and the scaling step from Eq. A.6 to Eq. A.7 is based on the Jensen inequality. The terms and are respectively the predicted probabilities for class labels and bias attributes, calculated with softmax:
(A.9) |