Location via proxy:   [ UP ]  
[Report a bug]   [Manage cookies]                

Why does Knowledge Distillation Work? Rethink its Attention and Fidelity Mechanism

Chenqi Guo chenqiguo72@ncepu.edu.cn Shiwei Zhong zsw@ncepu.edu.cn Xiaofeng Liu liu˙xf@ncepu.edu.cn Qianli Feng fengq@amazon.com Yinglong Ma yinglongma@ncepu.edu.cn
Abstract

Does Knowledge Distillation (KD) really work? Conventional wisdom viewed it as a knowledge transfer procedure where a perfect mimicry of the student to its teacher is desired. However, paradoxical studies indicate that closely replicating the teacher’s behavior does not consistently improve student generalization, posing questions on its possible causes. Confronted with this gap, we hypothesize that diverse attentions in teachers contribute to better student generalization at the expense of reduced fidelity in ensemble KD setups. By increasing data augmentation strengths, our key findings reveal a decrease in the Intersection over Union (IoU) of attentions between teacher models, leading to reduced student overfitting and decreased fidelity. We propose this low-fidelity phenomenon as an underlying characteristic rather than a pathology when training KD. This suggests that stronger data augmentation fosters a broader perspective provided by the divergent teacher ensemble and lower student-teacher mutual information, benefiting generalization performance. These insights clarify the mechanism on low-fidelity phenomenon in KD. Thus, we offer new perspectives on optimizing student model performance, by emphasizing increased diversity in teacher attentions and reduced mimicry behavior between teachers and student. Codes are available at https://github.com/zisci2/RethinkKD

\affiliation

[inst1]organization=Control and Computer Engineering, North China Electric Power University,addressline=No. 2 Beinong Road, city=Beijing, postcode=102206, country=PR China

\affiliation

[inst2]organization=Amazon,addressline=300 Boren Ave N, city=Seattle, postcode=98109, state=WA, country=USA

1 Introduction

Knowledge Distillation (KD) (Hinton et al, 2015) is renowned for its effectiveness in deep model compression and enhancement, emerging as a critical technique for knowledge transfer. Previously, this process has been understood and evaluated through model fidelity (Stanton et al, 2021), measured by the student model replication degree to its teachers. High fidelity, assessed by metrics like low averaged predictive Kullback-Leibler (KL) divergence and high top-1 agreement (Stanton et al, 2021), have conventionally been used to assess the success of KD.

While fidelity has traditionally guided enhancements in model architectures, optimization, and training frameworks, repeated high-fidelity results corresponding to strong student performance seem to indicate that a high degree of mimicry between the student and teachers is desirable (Wang et al, 2022; Li et al, 2022; Lao et al, 2023). Yet this notion was initially challenged in (Stanton et al, 2021), which empirically shows that good student accuracy does not imply good distillation fidelity in self and ensemble distillation. However, though (Stanton et al, 2021) underscores their empirical findings on the low-fidelity phenomenon, they still believe that closely matching the teacher is beneficial for KD in terms of knowledge transfer. Further, they identify optimization difficulties as one key reason of student’s poor emulation behavior to its teachers. Thus, this paradox highlights a need for further exploration on model fidelity and its mechanism in KD.

Among factors in KD analysis, the attention map mechanism serves as a pivotal role in understanding the student-teacher interplay. It is known that in ensemble learning, diverse models improve the overall performance, and one can check their diversities through looking into the attention maps. Nonetheless, whether we can take it granted to transferring this conclusion into the case of KD has not been systematically studied yet. For example, (Tsantekidis et al, 2021) empirically shows that diversifying teachers’ learnt policies by training them in different subsets of learning environment, can enhance the distilled student performance in KD. Yet, a theoretical foundation is lack for doing so. And it would be intriguing to check the student-teacher fidelity under such circumstance, to see if diversifying teacher models in an ensemble consistently corresponds with low-fidelity as well. If so, one can devote model attention map diversities to explain the existing fidelity paradox. Thus in this paper, we utilize the Intersection over Union (IoU) (Rezatofighi et al, 2019) of attention maps (Zhou et al, 2016) between different teacher models in ensemble KD to help elucidate the existing fidelity paradox.

Following the investigation paradigm in (Stanton et al, 2021), where the model fidelity variations were observed with different data augmentations, we adapt this paradigm to our case with a more cautious control over the degree of randomness in augmentation during ensemble KD training. By varying data augmentation strengths, measured by Affinity (Cubuk et al, 2021), we varied the model diversities trained on them. Impacts not only on traditional metrics like student-teacher fidelity, but also on less-explored aspects of attention maps diversity between different teachers, and mutual information between student and teachers are witnessed. Our empirical observations appear to challenge the traditional wisdom on the student-teacher relationship in distillation during training procedure and thus provide further insights on explaining the fidelity paradox.

Specifically, in support and further complement to (Stanton et al, 2021), we highlight attention map diversification existed within teacher ensembles as a deeper reason why a student with good generalization performance may be unable to match the teacher during KD training: Stronger data augmentation increases attention divergence in the teacher ensemble, enabling teachers to offer a broader perspective to the student. Consequently, the student surpassing the knowledge of single teacher becomes more independent as measured by lower student-teacher mutual information. And the low-fidelity observed is a demonstration of this phenomenon.

Furthermore, though (Stanton et al, 2021) has demonstrated the low-fidelity observation, they still proposed the difficulties in optimization as the primary reason for it. And recent works including (Sun et al, 2024) remain optimizing in the direction of facilitating the student-teacher emulation procedure. Yet our empirical and theoretically analysis demonstrate that, optimization with logits matching does improve the student generalization ability but is still at the cost of fidelity reduction.


Refer to caption


Figure 1: Left: Attention map visualizations for teacher ensembles and student model in Knowledge Distillation (KD) on ImageNet dataset. Stronger data augmentation (T1wT2sSssubscriptT1𝑤subscriptT2𝑠subscriptS𝑠\text{T}_{1w}\text{T}_{2s}\text{S}_{s}T start_POSTSUBSCRIPT 1 italic_w end_POSTSUBSCRIPT T start_POSTSUBSCRIPT 2 italic_s end_POSTSUBSCRIPT S start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT and T1sT2wSssubscriptT1𝑠subscriptT2𝑤subscriptS𝑠\text{T}_{1s}\text{T}_{2w}\text{S}_{s}T start_POSTSUBSCRIPT 1 italic_s end_POSTSUBSCRIPT T start_POSTSUBSCRIPT 2 italic_w end_POSTSUBSCRIPT S start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT in this case) as measured by Affinity improves teachers’ attentional divergence, thus providing the student a more comprehensive perspective on the overall characteristics of the target images, leading to a better generalization ability. Middle and Right: Scatter plots of Intersection over Union (IoU) in Attention maps, and Fidelity between teacher ensembles and student during KD training. The decreasing tendency in fidelity challenges the conventional wisdom that higher fidelity consistently correlate with better student performance. Later we will demonstrate that the low-fidelity observation is caused by attention map diversification existed within teacher ensembles, and even optimization towards logits-matching can hardly mitigate this low-fidelity effect.

Our primary goal is to explain the fidelity paradox and understand the student learning and knowledge transfer dynamics in ensemble KD, by observing the implications of data augmentation on the student-teacher relationship. By doing so, we seek to provide insights that challenge the traditional or extend preliminary wisdom in KD fidelity by leveraging the attention mechanism in ensemble learning. As shown in Figure 1, we summarize our contributions as follows:

  1. (1)

    We demonstrate the correlation between teachers’ attention map diversity and student model accuracy in ensemble KD training. Stronger data augmentation improves attentional divergence among teacher models, offering the student a more comprehensive perspective.

  2. (2)

    We affirm the viewpoint from (Stanton et al, 2021) that higher fidelity between teachers and student does not consistently improve student performance. What is more, through analyzing attention maps between teachers in ensemble KD, we highlight this low-fidelity phenomenon as an underlying characteristic rather than a pathology: Student’s generalization is enhanced with more diverse teacher models, which causes the reduction in student-teacher fidelity.

  3. (3)

    We further investigate if optimization towards facilitating the student-teacher logits matching procedure can enhance the KD fidelity. Our empirical and theoretically analysis demonstrate that such optimization improve the student generalization ability but still at the cost of fidelity reduction.

The rest of the paper is structured as follows: Section 2 summarizes the related works, Section 3 clarifies the problem and hypothesis focused in this work, and Section 4 introduces the evaluation metrics used to validate our argues. Section 5 further gives the experimental settings, and the empirical results and theoretical analysis are provided in Section 6. Section 7 finally summarizes the work of this paper.

2 Related Works

Our study contributes to a growing body of research that explores the interactions between data augmentation, model fidelity, attention mechanisms, and their impact on student performance in Knowledge Distillation (KD) with teacher ensembles.

In (Bai et al, 2023), a KD framework utilizing Masked Autoencoder, one of the primary factors influencing student performance is the randomness introduced by masks in its teacher ensembles. It comes naturally if incorporating randomness into the dataset, through a simple yet effective method like data augmentation, and carefully controlling its strength, will be as effective as integrating it into model architectures.

Theories on the impacts of data augmentation on KD remain diverse and varied. (Li et al, 2022) offers theoretical insights, suggesting that leveraging diverse augmented samples to aid the teacher model’s training can enhance its performance but will not extend the same benefit to the student. (Shen et al, 2022) emphasizes how data augmentation can alter the relative importance of features, making challenging features more likely to be captured during the learning process. This effect is analogous to the multi-view data setting in ensemble learning, suggesting that data augmentation is likely to be beneficial for ensemble KD.

On the application font, research proposing novel attention-based KD frameworks usually accompanied with intricate designs in model architectures or data augmentation strategies (Özgür et al, 2022; Lewy et al, 2023). For instance, studies like (Tian et al, 2022) aim to address the few shot learning in KD with a novel data augmentation strategy based on the attentional response of the teacher model. Although their concentration is different from ours, the study nevertheless shows the significance of attention mechanism in KD.

In align with the initial “knowledge transfer” definition of KD, as an underlying assumption that a higher degree of emulation between the student and teachers benefits its training, previous studies are devoted to optimizing towards increased student-teacher fidelity or mutual information (Wang et al, 2022; Li et al, 2022; Lao et al, 2023). Recent work (Sun et al, 2024) also optimizes in this direction, where a z-score logit standardization process is proposed to mitigate the logits matching difficulties caused by logit shift and variance match between teacher and student. Nevertheless, this idea faced initial challenge in (Stanton et al, 2021), indicating that closely replicating the teacher’s behavior does not consistently lead to significantly improved student generalization performance during testing, whether in self-distillation or ensemble distillation.

(Stanton et al, 2021) first investigates if the low-fidelity is an identifiability problem that can be solved by augmenting the dataset, and the answer is no: experimental results show subtle benefits of this increased distillation dataset. They further explore if the low-fidelity is an optimization problem resulting in a failure of the student to match the teacher even on the original training dataset, and their answer is yes: A shared initialization does make the student slightly more similar to the teacher in activation space, but in function space the results are indistinguishable from randomly initialized students.

Though insightful, it prompts further questions and drives us to think: Is low-fidelity truly undesirable and problematic for KD, especially if it does not harm student performance? Thus, additional exploration into this student fidelity-performance relation is required to elucidate the above paradox. Adopting a similar investigative approach which observes model fidelity variations with different data augmentations, we tailor it to our case, exercising a more cautious control over the data augmentation strength and thus the randomness into the distillation dataset during KD training.

In our work, we applied various data augmentations on KD, aiming to provide a more comprehensive understanding of model fidelity and attention mechanisms. Our empirical results and theoretical analysis challenge conventional wisdom, supporting and extending (Stanton et al, 2021) by demonstrating that student-teacher fidelity or mutual information does decrease with improved student performance during KD training. And, this low-fidelity phenomenon can hardly be mitigated with optimization aimed at improving student generalization. We thus advocate for more cautious practices in future research when designing KD strategies.

3 Problem and Hypothesis

We focus on Knowledge Distillation (KD) with teacher ensembles in supervised image classification. In this realm, the efficacy of the process has traditionally been evaluated through the model fidelity and student validation accuracy. However, this conventional approach may not fully capture the complexity and nuances inherent in the knowledge transfer process, especially in light of evolving practices like data augmentation and the growing importance of attention mechanisms in neural networks. This study is driven by a series of interconnected research questions that challenge and extend the traditional understanding of KD as follows.

Impact of Varied Data Augmentation Strengths on Model Diversity in Attention Map Mechanisms. The application of diverse data augmentation strengths during the training of teacher and student models plays a crucial role in shaping KD (Stanton et al, 2021). Consequently, it is natural to inquire whether, across augmentation strategies, stronger data augmentation results in an increase or decrease in model fidelity within teacher ensembles during training. And if so, how does this correlate with the student model’s performance. Inspired by the theory in machine learning that diversity among models can enhance ensemble learning performance (Zhou, 2012; Asif et al, 2019), our hypothesis is that varying augmentation strengths in different teachersinject randomness into the data, thereby diversifying teacher models’ attention (Zhou et al, 2016) mechanisms trained on them. This diversity promotes heterogeneity in learning features, enables the student to learn diverse solutions to the target problem, and thus enhances the KD process. As a result, the student surpasses the knowledge of a single teacher, leading to a better overall performance, and the observed low-fidelity serves as a demonstration of this phenomenon.

Interplay Between Student Fidelity, Mutual Information and Generalization. (Stanton et al, 2021; Shrivastava et al, 2023) have observed that fidelity or mutual information between teacher and student models interact with varying data augmentation strengths, influencing the overall effectiveness of distilled knowledge. The critical questions then arise: Does lower or higher fidelity and mutual information benefit the KD training and student performance, and why does it happen? We hypothesize that, varied augmentation strengths in different teachers in ensemble KD would provide a broader view for the student to learn. Thus, the student surpassing the knowledge of a specific teacher. Contrary to the traditional perspective, we expect a decreased mimicry behavior of the student to benefit the student generalization ability during training, as it learns more intricate patterns from the diverse set of teachers.

Effect of Optimization towards Student-Teacher Logits Matching on Fidelity. Question also comes on why some works thought a high-fidelity is beneficial, while others thought a low-fidelity is inevitable during training. Our intuition is that the researches devoted to optimizing towards increased student-teacher fidelity or mutual information do achieve the ultimate goal of improving the overall student performance, but in fact fail at enhancing the mimicry behavior during training. In this paper, we try to answer this question by delving into a logits matching KD case as in (Sun et al, 2024). Specifically, we experiment with a z-score standardization method to mitigate the logits magnitudes and variance gap between teacher and student, which facilitates the student-teacher emulation procedure. Our hypothesis is that though such an optimization can relieve the logit shift and variance match problem, in reality its benefit lies in the student generalization rather than the fidelity improvement.

These questions aim to dissect the underlying learning dynamics in KD, moving beyond traditional metrics and exploring how newer facets like data augmentation strength, attention map diversity, fidelity and mutual information interplay to influence the student’s learning and generalization abilities. Here, the data augmentation strength is measured by Affinity (Cubuk et al, 2021), the offset in data distribution between the original one and the one after data augmentation as captured by the student model, which we will talk more later. By addressing these questions, this study seeks to provide a more comprehensive understanding of KD.

4 Evaluation Metrics

This section introduces evaluation metrics aimed at quantifying the learning dynamics and thus explains the existing fidelity paradox of Knowledge Distillation (KD) with teacher ensemble training, particularly when subject to varied data augmentation strengths.

4.1 IoU in Attention Maps

To elucidate divergent attentional patterns within teacher ensembles, we examine their attention maps (Zhou et al, 2016) in ResNet (He et al, 2016) or Transformer (Vaswani et al, 2017) during the training and validation stage. Subsequently, the Intersection over Union (IoU) (Rezatofighi et al, 2019) is computed between the attention maps of different teachers to measure their diversities. Take the 2-teacher ensemble KD as an example, for an image sample 𝑺𝑺\bm{S}bold_italic_S, to compute the IoU between the teacher models, two attention maps At1,At2𝑺subscript𝐴𝑡1subscript𝐴𝑡2𝑺A_{t1},A_{t2}\subseteq\bm{S}italic_A start_POSTSUBSCRIPT italic_t 1 end_POSTSUBSCRIPT , italic_A start_POSTSUBSCRIPT italic_t 2 end_POSTSUBSCRIPT ⊆ bold_italic_S are obtained associated with each teacher model, with the final metric value computed as in Equation 1:

IoU=|At1At2||At1At2|IoUsubscript𝐴𝑡1subscript𝐴𝑡2subscript𝐴𝑡1subscript𝐴𝑡2\text{IoU}=\frac{|A_{t1}\cap A_{t2}|}{|A_{t1}\cup A_{t2}|}IoU = divide start_ARG | italic_A start_POSTSUBSCRIPT italic_t 1 end_POSTSUBSCRIPT ∩ italic_A start_POSTSUBSCRIPT italic_t 2 end_POSTSUBSCRIPT | end_ARG start_ARG | italic_A start_POSTSUBSCRIPT italic_t 1 end_POSTSUBSCRIPT ∪ italic_A start_POSTSUBSCRIPT italic_t 2 end_POSTSUBSCRIPT | end_ARG (1)

4.2 Model Dependency in KD

We use fidelity metrics, namely the averaged predictive Kullback-Leibler (KL) divergence and top-1 agreement (Stanton et al, 2021), along with mutual information calculated between models’ logits. This enables us to showcase the mimicry behavior and dependency between teachers and the student.

Given a classification task with input space 𝒳={𝒙i}i=1N𝒳subscriptsuperscriptsubscript𝒙𝑖𝑁𝑖1\mathcal{X}=\{\bm{x}_{i}\}^{N}_{i=1}caligraphic_X = { bold_italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT } start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT and label space 𝒴={yc}c=1C𝒴subscriptsuperscriptsubscript𝑦𝑐𝐶𝑐1\mathcal{Y}=\{y_{c}\}^{C}_{c=1}caligraphic_Y = { italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT } start_POSTSUPERSCRIPT italic_C end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_c = 1 end_POSTSUBSCRIPT. Let f:𝒳C:𝑓𝒳superscript𝐶f:\mathcal{X}\to\mathbb{R}^{C}italic_f : caligraphic_X → blackboard_R start_POSTSUPERSCRIPT italic_C end_POSTSUPERSCRIPT be a classifier whose outputs define a categorical predictive distribution over 𝒴𝒴\mathcal{Y}caligraphic_Y, p^(yc|𝒙i)=σc(𝒛i)^𝑝conditionalsubscript𝑦𝑐subscript𝒙𝑖subscript𝜎𝑐subscript𝒛𝑖\hat{p}(y_{c}|\bm{x}_{i})=\sigma_{c}(\bm{z}_{i})over^ start_ARG italic_p end_ARG ( italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT | bold_italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) = italic_σ start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ( bold_italic_z start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ), where σc()subscript𝜎𝑐\sigma_{c}(\cdot)italic_σ start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ( ⋅ ) is the softmax function and 𝒛i:=f(𝒙i)assignsubscript𝒛𝑖𝑓subscript𝒙𝑖\bm{z}_{i}:=f(\bm{x}_{i})bold_italic_z start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT := italic_f ( bold_italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) denotes the model logits when 𝒙isubscript𝒙𝑖\bm{x}_{i}bold_italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT is feed into f𝑓fitalic_f. The formal definition of KL divergence, top-1 agreement (Top-1 A), and mutual information (MI) are formulated as follows:

KL(Pt||Ps)=c=1Cp^t(yc|𝒙)logp^t(yc|𝒙)p^s(yc|𝒙)\text{KL}(P_{t}||P_{s})=\sum_{c=1}^{C}\hat{p}_{t}(y_{c}|\bm{x})\log{\frac{\hat% {p}_{t}(y_{c}|\bm{x})}{\hat{p}_{s}(y_{c}|\bm{x})}}KL ( italic_P start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | | italic_P start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ) = ∑ start_POSTSUBSCRIPT italic_c = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_C end_POSTSUPERSCRIPT over^ start_ARG italic_p end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ( italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT | bold_italic_x ) roman_log divide start_ARG over^ start_ARG italic_p end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ( italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT | bold_italic_x ) end_ARG start_ARG over^ start_ARG italic_p end_ARG start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT ( italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT | bold_italic_x ) end_ARG (2)
Top-1 A=1Ni=1N𝟙{argmaxcσc(𝒛t)=argmaxcσc(𝒛s)}Top-1 A1𝑁superscriptsubscript𝑖1𝑁1argsubscript𝑐subscript𝜎𝑐superscript𝒛𝑡argsubscript𝑐subscript𝜎𝑐superscript𝒛𝑠\text{Top-1 A}=\frac{1}{N}\sum_{i=1}^{N}\mathbbm{1}\{\text{arg}\max_{c}\sigma_% {c}(\bm{z}^{t})=\text{arg}\max_{c}\sigma_{c}(\bm{z}^{s})\}Top-1 A = divide start_ARG 1 end_ARG start_ARG italic_N end_ARG ∑ start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT blackboard_1 { arg roman_max start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT italic_σ start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ( bold_italic_z start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT ) = arg roman_max start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT italic_σ start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ( bold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ) } (3)
MI(𝒴t;𝒴s)=𝒚t𝒴t𝒚s𝒴sP(𝒚t,𝒚s)logP(𝒚t,𝒚s)P(𝒚t)P(𝒚s)MIsuperscript𝒴𝑡superscript𝒴𝑠subscriptsuperscript𝒚𝑡superscript𝒴𝑡subscriptsuperscript𝒚𝑠superscript𝒴𝑠𝑃superscript𝒚𝑡superscript𝒚𝑠𝑃superscript𝒚𝑡superscript𝒚𝑠𝑃superscript𝒚𝑡𝑃superscript𝒚𝑠\text{MI}(\mathcal{Y}^{t};\mathcal{Y}^{s})=\sum_{\bm{y}^{t}\in\mathcal{Y}^{t}}% \sum_{\bm{y}^{s}\in\mathcal{Y}^{s}}P(\bm{y}^{t},\bm{y}^{s})\log{\frac{P(\bm{y}% ^{t},\bm{y}^{s})}{P(\bm{y}^{t})P(\bm{y}^{s})}}MI ( caligraphic_Y start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT ; caligraphic_Y start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ) = ∑ start_POSTSUBSCRIPT bold_italic_y start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT ∈ caligraphic_Y start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT end_POSTSUBSCRIPT ∑ start_POSTSUBSCRIPT bold_italic_y start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ∈ caligraphic_Y start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT end_POSTSUBSCRIPT italic_P ( bold_italic_y start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT , bold_italic_y start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ) roman_log divide start_ARG italic_P ( bold_italic_y start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT , bold_italic_y start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ) end_ARG start_ARG italic_P ( bold_italic_y start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT ) italic_P ( bold_italic_y start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ) end_ARG (4)

where P(𝒚t,𝒚s)𝑃superscript𝒚𝑡superscript𝒚𝑠P(\bm{y}^{t},\bm{y}^{s})italic_P ( bold_italic_y start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT , bold_italic_y start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ) is the joint probability distribution of the teacher and student. P(𝒚t)𝑃superscript𝒚𝑡P(\bm{y}^{t})italic_P ( bold_italic_y start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT ) and P(𝒚s)𝑃superscript𝒚𝑠P(\bm{y}^{s})italic_P ( bold_italic_y start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ) represent the marginal probability distributions of the teacher and student. For metrics calculated between teach ensemble and student, the logits or outputs of different teachers are first averaged and then computed with the student. This paper uses Top-1 A for fidelity measurement in the main text, and results with KL divergence can be found in B.

4.3 Quantify Data Augmentation Strength within Ensemble KD

In our experiments, we employ various data augmentation techniques on both teacher ensembles and the student model to modulate the level of randomness introduced into the dataset, as detailed in Section 5. To quantify the strength of these applied data augmentations and demonstrate their effects on KD, we leverage Affinity measurements (Cubuk et al, 2021), specifically adapted to our KD scenario:

Affinity=Acc(Dval)Acc(Dval)AffinityAccsubscriptsuperscript𝐷𝑣𝑎𝑙Accsubscript𝐷𝑣𝑎𝑙\text{Affinity}=\frac{\text{Acc}(D^{\prime}_{val})}{\text{Acc}(D_{val})}Affinity = divide start_ARG Acc ( italic_D start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_v italic_a italic_l end_POSTSUBSCRIPT ) end_ARG start_ARG Acc ( italic_D start_POSTSUBSCRIPT italic_v italic_a italic_l end_POSTSUBSCRIPT ) end_ARG (5)

where Acc(Dval)subscriptsuperscript𝐷𝑣𝑎𝑙(D^{\prime}_{val})( italic_D start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_v italic_a italic_l end_POSTSUBSCRIPT ) denotes the validation accuracy of the student model trained with augmented distillation dataset and tested on the augmented validation set. Acc(Dval)subscript𝐷𝑣𝑎𝑙(D_{val})( italic_D start_POSTSUBSCRIPT italic_v italic_a italic_l end_POSTSUBSCRIPT ) represents the accuracy of the same model tested on clean validation set.

This metric measures the offset in data distribution between the original one and the augmented one captured by the student model after KD training: Higher Affinity value corresponds to smaller offset between the data distributions. In this paper, Affinity is used as a tool to quantify and thus help on controlling the degree of randomness injected into the distillation dataset. This provides us with a systematic approach to analyze how data augmentation interacts with KD generalization, fidelity, and attention mechanisms. We anticipate that when the data augmentation strength of the student model aligns with that of the teacher model, the Affinity will be higher. And, lower Affinity corresponds to stronger data augmentation, leading to higher student accuracy and better generalization performance.

It is noteworthy that what we mean low Affinity is a “moderate low but cannot be as low as 0” notion: An Affinity of 0 presupposes a situation where the augmented data is so drastically different from the original that it no longer retains any of the original data’s informative features, or the model has entirely failed to learn from the augmented data. Our claim that models with low Affinity can still exhibit good generalization performance is based on the understanding that these models, through diverse and challenging augmentationss, learn to abstract and generalize from complex patterns. This does not necessarily imply that an Affinity of 0, resulting from complete misalignment with the augmented data, is desirable or indicative of strong generalization. Instead, we suggest that moderate to low Affinity, within a range that indicates the model has been challenged but still retains learning efficacy, can foster robustness and generalization.

5 Experimental Setup

In our ensemble Knowledge Distillation (KD), experiments are conducted with two or three teachers. Each teacher model is a ResNet50 classifier pretrained on ImageNet (Deng et al, 2009) and then fine-tuned on their respective target datasets. The student model is ResNet18 trained from scratch using vanilla KD (Hinton et al, 2015). Take the ensemble KD with two teachers as an example, the loss function is defined as:

NLL(𝒛s,𝒚s)=c=1Cyclogσc(𝒛s)subscriptNLLsuperscript𝒛𝑠superscript𝒚𝑠superscriptsubscript𝑐1𝐶subscript𝑦𝑐subscript𝜎𝑐superscript𝒛𝑠\mathcal{L}_{\text{NLL}}(\bm{z}^{s},\bm{y}^{s})=-\sum_{c=1}^{C}y_{c}\log\sigma% _{c}(\bm{z}^{s})caligraphic_L start_POSTSUBSCRIPT NLL end_POSTSUBSCRIPT ( bold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT , bold_italic_y start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ) = - ∑ start_POSTSUBSCRIPT italic_c = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_C end_POSTSUPERSCRIPT italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT roman_log italic_σ start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ( bold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ) (6)
KD1,2(𝒛s,𝒛t1.2)=τ2c=1Cσc(𝒛t1,2τ)logσc(𝒛sτ)subscriptKD1,2superscript𝒛𝑠superscript𝒛𝑡1.2superscript𝜏2superscriptsubscript𝑐1𝐶subscript𝜎𝑐superscript𝒛𝑡12𝜏subscript𝜎𝑐superscript𝒛𝑠𝜏\mathcal{L}_{\text{KD1,2}}(\bm{z}^{s},\bm{z}^{t1.2})=-\tau^{2}\sum_{c=1}^{C}% \sigma_{c}(\frac{\bm{z}^{t1,2}}{\tau})\log\sigma_{c}(\frac{\bm{z}^{s}}{\tau})caligraphic_L start_POSTSUBSCRIPT KD1,2 end_POSTSUBSCRIPT ( bold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT , bold_italic_z start_POSTSUPERSCRIPT italic_t 1.2 end_POSTSUPERSCRIPT ) = - italic_τ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ∑ start_POSTSUBSCRIPT italic_c = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_C end_POSTSUPERSCRIPT italic_σ start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ( divide start_ARG bold_italic_z start_POSTSUPERSCRIPT italic_t 1 , 2 end_POSTSUPERSCRIPT end_ARG start_ARG italic_τ end_ARG ) roman_log italic_σ start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ( divide start_ARG bold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT end_ARG start_ARG italic_τ end_ARG ) (7)
=NLL+12(KD1+KD2)subscriptNLL12subscriptKD1subscriptKD2\mathcal{L}=\mathcal{L}_{\text{NLL}}+\frac{1}{2}(\mathcal{L}_{\text{KD1}}+% \mathcal{L}_{\text{KD2}})caligraphic_L = caligraphic_L start_POSTSUBSCRIPT NLL end_POSTSUBSCRIPT + divide start_ARG 1 end_ARG start_ARG 2 end_ARG ( caligraphic_L start_POSTSUBSCRIPT KD1 end_POSTSUBSCRIPT + caligraphic_L start_POSTSUBSCRIPT KD2 end_POSTSUBSCRIPT ) (8)

where NLLsubscriptNLL\mathcal{L}_{\text{NLL}}caligraphic_L start_POSTSUBSCRIPT NLL end_POSTSUBSCRIPT is the usual supervised cross-entropy between the student logits 𝒛ssuperscript𝒛𝑠\bm{z}^{s}bold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT and the one-hot labels 𝒚ssuperscript𝒚𝑠\bm{y}^{s}bold_italic_y start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT. KD1,2subscriptKD1,2\mathcal{L}_{\text{KD1,2}}caligraphic_L start_POSTSUBSCRIPT KD1,2 end_POSTSUBSCRIPT is the added knowledge distillation term that encourages the student to match the teacher ensembles.

In this paper, we are focusing on ensemble KD with 2 teachers T1subscript𝑇1T_{1}italic_T start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and T2subscript𝑇2T_{2}italic_T start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT. Results with 3 teachers are discussed in F. We also provide experiments with Vision Transformers (ViTs) (Dosovitskiy et al, 2021) where the attention map can be obtained directly with the built-in attention module in E.

Experiments are conducted on well-recognized long-tailed datasets ImageNet-LT (Liu et al, 2019), CIFAR100 (Krizhevsky, 2009) with an imbalanced factor of 100, and their balanced counterparts. Hyperparameters remain consistent across experiments for each dataset. More detailed settings, including learning rates and temperatures, are provided in A.

In this paper, we distinguish between two types of data augmentation: (1) Weak data augmentation, encompassing conventional methods such as random resized crop, random horizontal flip, and color jitters. (2) Strong data augmentation, which includes RandAugment (RA) (Cubuk et al, 2020) applied on the ImageNet-LT dataset and AutoAugment (AA) (Cubuk et al, 2019) applied on all other datasets. For denotation purposes, we use Ts,Sssubscript𝑇𝑠subscript𝑆𝑠T_{s},S_{s}italic_T start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT , italic_S start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT to represent teacher or student models trained with strong augmentation, while Tw,Swsubscript𝑇𝑤subscript𝑆𝑤T_{w},S_{w}italic_T start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT , italic_S start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT denote those trained with weak augmentation.

It is essential to highlight that technically, the strong data augmentation applied to both teacher ensemble and student model in KD does not necessarily result in the highest data augmentation strength, as measured by our Affinity metric (defined in Equation 5). This will be shown and clarified further in Section 6.1 Table 1. Therefore, in this study, we varied the data augmentation strengths in ensemble KD. Specifically, in the series of experiments conducted on each dataset, we utilized the entire permutation set of Tw,Ts,Sw,SssubscriptT𝑤subscriptT𝑠subscriptS𝑤subscriptS𝑠\text{T}_{w},\text{T}_{s},\text{S}_{w},\text{S}_{s}T start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT , T start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT , S start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT , S start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT to construct trials (for example, T1sT2wSssubscriptT1𝑠subscriptT2𝑤subscriptS𝑠\text{T}_{1s}\text{T}_{2w}\text{S}_{s}T start_POSTSUBSCRIPT 1 italic_s end_POSTSUBSCRIPT T start_POSTSUBSCRIPT 2 italic_w end_POSTSUBSCRIPT S start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT is one trial denotation), and then computed their Affinity to quantify their data augmentation strength. In practice, for evaluation, we computed our metrics introduced in Section 4 on both the training set and validation set, considering each trial’s corresponding data augmentation strength.

6 Results and Analysis

Our comprehensive set of experiments has yielded several intriguing insights into the learning dynamics of Knowledge Distillation (KD) and explains the fidelity paradox through various data augmentation strengths. We particularly emphasize the roles of attention map diversity, model fidelity, and mutual information, as they interact with student performance in terms of top-1 accuracy and overfitting during both the training and validation procedures.

6.1 Impact on Attention Map Diversity

Figure 2 Top shows that during training, a consistent decrease is observed in the Intersection over Union (IoU) of attention maps between different teacher models with stronger data augmentation. This decrease is correlated with an increase in the student model’s accuracy. Trial denotations are also marked as data labels in these scatter plots, together with Table 1 demonstrating their data augmentation strengths.


Refer to caption

Figure 2: Top: Scatter plots of IoU between T1subscriptT1\text{T}_{1}T start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and T2subscriptT2\text{T}_{2}T start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT attention maps during KD training. Bottom: Exampled attention maps of T1subscriptT1\text{T}_{1}T start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT, T2subscriptT2\text{T}_{2}T start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT and S. This attention divergence among teacher ensembles, attributed to the randomness injected by data augmentation, gives the student distilled on them a more comprehensive perspective.
Table 1: Affinity, and Validation Accuracy (Val-Acc) of models with various data augmentation strengths.

Dataset Metric Model
T1wT2wSw T1wT2wSs T1sT2wSw T1sT2wSs T1wT2sSw T1wT2sSs T1sT2sSw T1sT2sSs
Cifar100 Affinity 0.9807 0.8611 0.9805 0.9083 0.9858 0.9143 0.9729 0.9310
Val-Acc 0.7952 0.8129 0.8103 0.8195 0.8015 0.8161 0.8107 0.8137
Cifar100 imb100 Affinity 0.9763 0.8132 0.9810 0.8637 0.9751 0.8635 0.9723 0.8955
Val-Acc 0.4621 0.5111 0.4850 0.5220 0.4862 0.5148 0.5028 0.5210
ImageNet Affinity 0.9901 0.8767 0.9930 0.8988 0.9845 0.9131 0.9871 0.9122
Val-Acc 0.6902 0.6908 0.6878 0.6917 0.6895 0.6914 0.6891 0.6898
ImageNet long-tail Affinity 0.9850 0.8311 0.9755 0.8704 0.9782 0.8751 0.9903 0.8971
Val-Acc 0.4791 0.4929 0.4839 0.4966 0.4846 0.4968 0.4842 0.4942

These Affinity values aid in understanding the data augmentation strengths and the decreasing tendencies in the scatter plots: Recall that Affinity measures the offset in data distribution between the original one and the one after data augmentation captured by the student, and lower Affinity corresponds to higher augmentation strength, leading to higher student accuracy. As evidence, for those trials with strong data augmentation and low Affinity, e.g., T1sT2wSs in CIFAR-100, T1wT2sSs in CIFAR-100 imb100, T1sT2wSs in ImageNet, and T1sT2wSs in ImageNet-LT, a relatively high validation accuracy is observed for each dataset. It is important to emphasize that the application of strong data augmentation to both teacher ensemble and student model in KD does not lead to the highest level of data augmentation strength, as quantified by our Affinity metric defined in Equation 5. That is, it is the diversity of teachers’ augmentation strength but not the strong data augmentation for a single teacher or student model matters: T1sT2wSs is stronger than T1sT2sSs. D also offers scatter plots of IoU between T1subscriptT1\text{T}_{1}T start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and T2subscriptT2\text{T}_{2}T start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT attention maps versus Affinity during KD training.

Significantly, this observation suggests that as the ensemble of teachers focuses on increasingly diverse aspects of the input data, the student model benefits from a richer, more varied set of learned representations, leading to enhanced performance, as visualized in Figure 2 Bottom. This finding aligns with and extends ensemble learning theories in KD, where diversity among models enhances overall student performance even by simply manipulating the data augmentation strength. It introduces a new dimension to Knowledge Distillation theory, emphasizing the value of diverse learning stimuli.

6.2 Revisiting the Role of Fidelity and Mutual Information

As in Figure 3, during training, we observed a decrease in both fidelity and mutual information between teacher ensembles and the student model with stronger data augmentation. Intriguingly, this decrease was accompanied by improved validation accuracy in the student model. This indicates that a lower level of direct mimicry, in terms of output logits distribution, between teacher ensembles and the student is conducive to more effective learning in KD, possibly due to student learning from more divergent teachers’ attentions.


Refer to caption

Figure 3: Scatter plots of Top: Fidelity (measured by top-1 A) and Bottom: Mutual Information (MI) between teacher ensembles and student during KD training. These decreasing tendencies along with the improved student validation accuracy are in contrast to the traditional viewpoint that higher fidelity consistently benefits student performance, indicating that some extent of student independency may be desired during KD training.

To further demonstrate the causality between teachers’ attention divergence and low student-teacher fidelity, i.e., a more diverse attention maps within teacher ensemble causes a lower fidelity, an A/B test is conducted in the setup of ensemble KD with two teachers. Specifically, the control group is the vanilla KD (denoted as vKD) with different data augmentation strengths we used in all previous experiments, and the experimental group (denoted as hKD) is designed as follows: Each training image is first cropped into two parts, left and right, as input to teacher model T1subscript𝑇1T_{1}italic_T start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and T2subscript𝑇2T_{2}italic_T start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT respectively. This allows us to proactively diversify the attention maps of each teacher model, rather than passively altering it in the case of varying data augmentation strengths. Then in average, we can expect the experimental group to have far less attention IoU values than the control group, while keeping comparable generalization performance, because in the former each teacher’s attention is constrained to one half of each image. The null hypothesis H0subscript𝐻0H_{0}italic_H start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT is that from control (vKD) to experimental (hKD) group, as the teachers’ attention maps IoU decrease, an increase in student-teacher fidelity is observed. Denoting the total number of trials as Num𝑁𝑢𝑚Numitalic_N italic_u italic_m, the corresponding p𝑝pitalic_p-value is calculated as:

p-value=#|fidelity(hKD)>fidelity(vKD)|Nump\text{-value}=\frac{\#|\text{fidelity}(\text{hKD})>\text{fidelity}(\text{vKD}% )|}{Num}italic_p -value = divide start_ARG # | fidelity ( hKD ) > fidelity ( vKD ) | end_ARG start_ARG italic_N italic_u italic_m end_ARG (9)

Experiments reveal a p𝑝pitalic_p-value less than 0.05, suggesting that we should reject this null hypothesis. Detailed experimental results are provided in C. In summary, more divergent teacher attentions (i.e., lower IoU values) does cause the decrease in student-teacher fidelity.

This counterintuitive result aligns with and complements the paradoxical observation in (Stanton et al, 2021). It implies that while the student model develops a certain level of independence from the teachers (evidenced by lower fidelity and mutual information), it still effectively captures and generalizes the core knowledge of the teachers. Combining with the observation on how varying data augmentation strengths influence the teachers’ attention divergence in Section 6.1, we highlight attention diversification in teacher ensembles as a deeper reason why a student with good generalization may be unable to match the teacher during KD training: Stronger data augmentation increases attention divergence, enabling teachers to offer a broader perspective to the student. Consequently, the student surpasses the knowledge of a single teacher, becoming more independent, and the observed low-fidelity is a demonstration of this phenomenon rather than a pathology.

6.3 Effects of Logits Matching Optimization on KD

Although (Stanton et al, 2021) has shown the phenomenon of low-fidelity, they attributed the challenges in optimization as the key factor for the student’s inability to match the teacher. Recent studies, such as (Sun et al, 2024), continue to focus on optimizing the student-teacher logits matching process. Yet in Section 3 the 3rd hypothesis, we suggested that the optimization towards increasing student-teacher mimicry behavior in fact benefits generalization performance rather than the fidelity.

To illustrate, here we compared the aforementioned vanilla KD with a logits-matching optimization method in KD (Sun et al, 2024) under different data augmentation strengths, for dataset CIFAR100, CIFAR100-imb100, and ImageNet-LT. Specifically, we experiment with a z-score standardization method applied on logits before the softmax. This mitigates the logits magnitudes and variance gap between teacher and student, which facilitates the student-teacher emulation procedure.

Theoretically, denote the logits of teacher model and student model as 𝒛tsuperscript𝒛𝑡\bm{z}^{t}bold_italic_z start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT and 𝒛ssuperscript𝒛𝑠\bm{z}^{s}bold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT respectively, and the softmax function as σ()𝜎\sigma(\cdot)italic_σ ( ⋅ ). Then for a finally well-distilled student with predicted probability density perfectly matching the teacher, i.e., σ(𝒛s)=σ(𝒛t)𝜎superscript𝒛𝑠𝜎superscript𝒛𝑡\sigma(\bm{z}^{s})=\sigma(\bm{z}^{t})italic_σ ( bold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ) = italic_σ ( bold_italic_z start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT ), we have the following two properties proved in (Sun et al, 2024):

Logit shift: 𝒛s=𝒛t+ΔLogit shift: superscript𝒛𝑠superscript𝒛𝑡Δ\text{Logit shift: }\bm{z}^{s}=\bm{z}^{t}+\DeltaLogit shift: bold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT = bold_italic_z start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT + roman_Δ (10)
Variance match: Var(𝒛s)Var(𝒛t)=τsτtVariance match: Varsuperscript𝒛𝑠Varsuperscript𝒛𝑡subscript𝜏𝑠subscript𝜏𝑡\text{Variance match: }\frac{\text{Var}(\bm{z}^{s})}{\text{Var}(\bm{z}^{t})}=% \frac{\tau_{s}}{\tau_{t}}Variance match: divide start_ARG Var ( bold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ) end_ARG start_ARG Var ( bold_italic_z start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT ) end_ARG = divide start_ARG italic_τ start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT end_ARG start_ARG italic_τ start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT end_ARG (11)

Where ΔΔ\Deltaroman_Δ can be considered constant for each sample image, and τs,τtsubscript𝜏𝑠subscript𝜏𝑡\tau_{s},\tau_{t}italic_τ start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT , italic_τ start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT are temperatures for the student and teacher respectively during training. That is, even for the student with highest fidelity to its teacher such that σc(𝒛s)=σc(𝒛t)subscript𝜎𝑐superscript𝒛𝑠subscript𝜎𝑐superscript𝒛𝑡\sigma_{c}(\bm{z}^{s})=\sigma_{c}(\bm{z}^{t})italic_σ start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ( bold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ) = italic_σ start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ( bold_italic_z start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT ) for any class c𝑐citalic_c in the dataset, still we have 𝒛s=τsτt𝒛t+Δsuperscript𝒛𝑠subscript𝜏𝑠subscript𝜏𝑡superscript𝒛𝑡Δ\bm{z}^{s}=\sqrt{\frac{\tau_{s}}{\tau_{t}}}\cdot\bm{z}^{t}+\Deltabold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT = square-root start_ARG divide start_ARG italic_τ start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT end_ARG start_ARG italic_τ start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT end_ARG end_ARG ⋅ bold_italic_z start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT + roman_Δ which means the student logits cannot match the teacher logtis. A z-score normalization applied on both the student and teacher logits during KD training can soothe this mismatch by making their logtis distribution equal mean and variance, and thus improve generalization performance. However, from the fidelity definition in Equation 3, since the softmax function is monotonic, what we are looking for is the agreed index c𝑐citalic_c of maximum logits between the teacher and student argmaxc(𝒛t)=argmaxc(𝒛s)argsubscript𝑐superscript𝒛𝑡argsubscript𝑐superscript𝒛𝑠\text{arg}\max_{c}(\bm{z}^{t})=\text{arg}\max_{c}(\bm{z}^{s})arg roman_max start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ( bold_italic_z start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT ) = arg roman_max start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT ( bold_italic_z start_POSTSUPERSCRIPT italic_s end_POSTSUPERSCRIPT ), which unfortunately cannot be directly affected by such optimization method.

In conclusion, though an optimization towards student-teacher logits matching can relieve the logit shift and variance match problem, in reality its benefit lies in the student generalization rather than the fidelity improvement. As shown in Figure 4, the z-score standardization does improve the student train-validation accuracy gap in most cases, but a decrease in the student-teacher fidelity is still witnessed.


Refer to caption

Figure 4: Bar plots comparing between vanilla KD and z-score standardization KD. Top: Generalization performance in terms of train-validation accuracy gap. bottom: Student-teacher fidelity. The z-score standardization, aimed at facilitating the student-teacher logits matching procedure, does improve student generalization performance (indicated by a lower accuracy gap) in most cases. However, it also leads to a decrease in student-teacher fidelity during training, suggesting that the benefit lies more in student generalization than in fidelity improvement.

7 Conclusion

Our research, aiming to explain the fidelity paradox, intersects with and expands upon existing theories for ensemble Knowledge Distillation (KD) in several ways. (1) It introduces a novel perspective on the learning and knowledge transfer process by investigating the impact of attention map diversity on fidelity in KD with various data augmentation strength. (2) It reevaluates the teacher-student fidelity and mutual information challenge, providing insights into the ongoing debates about the relation between student’s ability to mimic its teachers and its generalization performance in KD. (3) It highlights that for optimization towards facilitating student-teacher logits matching which relieves the logit shift and variance match problem, its benefit lies in the student generalization rather than the fidelity improvement. These insights have the potential to catalyze further theoretical advancements in the pursuit of robust KD.

Appendix A Detailed Experimental Settings

The experiments are run on a GPU machine with RTX 4090 GPU, AMD 5995WX CPU and 128 GB memory. In each trial, the teacher model of ResNet50 is trained for 30 epochs for ImageNet-LT dataset, and 60 epochs for all the others. The student model of ResNet18 is distilled for: 200 epochs for CIFAR-100; 175 epochs for CIFAR-100 imb100; 60 epochs for ImageNet; and 165 epochs for ImageNet-LT dataset, when their validation accuracy converges.

Hyper-parameters, including temperatures of τ=10𝜏10\tau=10italic_τ = 10, hard label weight of α=0.2𝛼0.2\alpha=0.2italic_α = 0.2, initial learning rate of 0.10.10.10.1, momentum of 0.90.90.90.9, and batch size of 128128128128, remain the same throughout the entire procedure in each case, ensuring consistent and reliable results for evaluation.

For training with balanced ImageNet dataset, we use a cosine annealing learning rate scheduler, with Tmax=30,etamin=0formulae-sequencesubscript𝑇max30subscriptetamin0T_{\text{max}}=30,\text{eta}_{\text{min}}=0italic_T start_POSTSUBSCRIPT max end_POSTSUBSCRIPT = 30 , eta start_POSTSUBSCRIPT min end_POSTSUBSCRIPT = 0 for teacher training, and Tmax=60,etamin=0formulae-sequencesubscript𝑇max60subscriptetamin0T_{\text{max}}=60,\text{eta}_{\text{min}}=0italic_T start_POSTSUBSCRIPT max end_POSTSUBSCRIPT = 60 , eta start_POSTSUBSCRIPT min end_POSTSUBSCRIPT = 0 for student distillation. For other datasets, a lambda learning rate scheduler is used. Specifically, during teacher training, with the following hyperparameters: step1=25,step2=40,step3=60formulae-sequencesubscriptstep125formulae-sequencesubscriptstep240subscriptstep360\text{step}_{1}=25,\text{step}_{2}=40,\text{step}_{3}=60step start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = 25 , step start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = 40 , step start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT = 60 for CIFAR-100; step1=25,step2=40,step3=60formulae-sequencesubscriptstep125formulae-sequencesubscriptstep240subscriptstep360\text{step}_{1}=25,\text{step}_{2}=40,\text{step}_{3}=60step start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = 25 , step start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = 40 , step start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT = 60 for CIFAR-100 imb100; and step1=35,step2=50formulae-sequencesubscriptstep135subscriptstep250\text{step}_{1}=35,\text{step}_{2}=50step start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = 35 , step start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = 50 for ImageNet-LT. During student distillation, with the following hyperparameters: step1=190,step2=195formulae-sequencesubscriptstep1190subscriptstep2195\text{step}_{1}=190,\text{step}_{2}=195step start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = 190 , step start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = 195 for CIFAR-100; step1=160,step2=165,step3=170formulae-sequencesubscriptstep1160formulae-sequencesubscriptstep2165subscriptstep3170\text{step}_{1}=160,\text{step}_{2}=165,\text{step}_{3}=170step start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = 160 , step start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = 165 , step start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT = 170 for CIFAR-100 imb100; and step1=150,step2=155,step3=160formulae-sequencesubscriptstep1150formulae-sequencesubscriptstep2155subscriptstep3160\text{step}_{1}=150,\text{step}_{2}=155,\text{step}_{3}=160step start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT = 150 , step start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT = 155 , step start_POSTSUBSCRIPT 3 end_POSTSUBSCRIPT = 160 for ImageNet-LT.

Appendix B Fidelity with KL divergence Measurement

In the main text Section 6.2, Top-1 A is used for the fidelity metric. Here we also provide results with Kullback-Leibler (KL) divergence between teacher ensembles and student during KD training, as in Figure 5. Note that for KL divergence, a higher value implies lower fidelity.


Refer to caption

Figure 5: Scatter plots of fidelity (measured by KL divergence) between teacher ensembles and student during KD training. For KL divergence, a higher value implies lower fidelity. Thus, these increasing tendencies align with the decreasing ones with Top-1 A in the main text.

Appendix C In-Depth Results for the A/B Test

In the main text, to demonstrate the causality between teachers’ attention divergence and low student-teacher fidelity, an A/B test is conducted for ensemble KD with two teachers. Experiments reveal a p𝑝pitalic_p-value less than 0.05, suggesting that more divergent teacher attentions (i.e., lower IoU values) does cause the decrease in student-teacher fidelity. In this section, we further provides the detailed experimental results of the A/B test, as shown in Table 2, 3 and 4. Here, vKD denotes the control group of vanilla KD experiments, and hKD denotes the control group of half-image inputs experiments. From these results, it can be seen that in average, hKD has far less attention IoU values than vKD, while keeping comparable generalization performance (indicated by a lower accuracy gap).

Table 2: Results for the A/B Test on CIFAR100 Dataset.

Model Acc Gap IoU Fidelity
vKD hKD vKD hKD vKD hKD
T1wT2wSw 0.1593 0.1631 0.5860 0.3188 0.9523 0.7564
T1wT2wSs 0.0122 0.0171 0.5560 0.3062 0.7859 0.5921
T1sT2wSw 0.1411 0.1560 0.5678 0.3033 0.9411 0.7295
T1sT2wSs 0.0537 0.0654 0.5097 0.2970 0.8536 0.6520
T1wT2sSw 0.1468 0.1784 0.5519 0.2619 0.9387 0.7248
T1wT2sSs 0.0553 0.0759 0.4925 0.2549 0.8568 0.6513
T1sT2sSw 0.1333 0.1541 0.5539 0.2738 0.9048 0.6621
T1sT2sSs 0.0714 0.0657 0.5361 0.2747 0.8897 0.6801
Table 3: Results for the A/B Test on CIFAR100 IMB100 Dataset.

Model Acc Gap IoU Fidelity
vKD hKD vKD hKD vKD hKD
T1wT2wSw 0.4854 0.4836 0.4900 0.3195 0.9580 0.7114
T1wT2wSs 0.3206 0.3742 0.4419 0.3094 0.8078 0.5406
T1sT2wSw 0.4712 0.4995 0.5309 0.3041 0.9467 0.6892
T1sT2wSs 0.3604 0.3994 0.4560 0.2992 0.8675 0.6040
T1wT2sSw 0.4641 0.4860 0.4329 0.2643 0.9467 0.6892
T1wT2sSs 0.3570 0.3827 0.4084 0.2558 0.8664 0.5997
T1sT2sSw 0.4444 0.4790 0.4410 0.2717 0.9145 0.6192
T1sT2sSs 0.3738 0.3225 0.4107 0.2721 0.8953 0.6242
Table 4: Results for the A/B Test on ImageNet Long-tail Dataset.

Model Acc Gap IoU Fidelity
vKD hKD vKD hKD vKD hKD
T1wT2wSw 0.3937 0.4104 0.7391 0.6245 0.8873 0.5657
T1wT2wSs 0.2453 0.2426 0.7122 0.6311 0.7240 0.4542
T1sT2wSw 0.3873 0.4152 0.7287 0.5948 0.8850 0.5554
T1sT2wSs 0.2639 0.2713 0.6708 0.5607 0.7786 0.4901
T1wT2sSw 0.3871 0.4161 0.7204 0.5798 0.8856 0.5559
T1wT2sSs 0.2622 0.2680 0.6608 0.5537 0.7795 0.4916
T1sT2sSw 0.3816 0.4133 0.7563 0.6244 0.8745 0.5308
T1sT2sSs 0.2700 0.2663 0.7431 0.6490 0.7941 0.5138

Appendix D IoU between T1subscriptT1\text{T}_{1}T start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and T2subscriptT2\text{T}_{2}T start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT Attentions versus Affinity

In the main text, we show that during training, a consistent decrease is observed in the Intersection over Union (IoU) of attention maps between different teacher models versus student validation accuracy, suggesting that more divergent teacher attentions correlate with higher accuracy. Here, we also provide the scatter plots of IoU between T1subscriptT1\text{T}_{1}T start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and T2subscriptT2\text{T}_{2}T start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT attention maps versus Affinity during KD training, as in Figure 6. These increasing trends demonstrate that stronger data augmentation (indicated by smaller Affinity) does correlate with more divergent teacher attentions (indicated by lower IoU).


Refer to caption

Figure 6: Scatter plots of IoU between T1subscriptT1\text{T}_{1}T start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and T2subscriptT2\text{T}_{2}T start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT attention maps versus Affinity during KD training. These increasing tendencies demonstrate that stronger data augmentation (indicated by smaller Affinity) does correlate with more divergent teacher attentions (indicated by lower IoU).

Appendix E Experiments with Vision Transformers

In this section, we also provide experiments with Vision Transformers (ViTs) (Dosovitskiy et al, 2021) on CIFAR100 imb100 dataset where the attention map can be obtained directly with the built-in attention module. As shown in Figure 7, our analysis method can be applied to attention-based methods such as ViT. The only difference is that when calculating IoU, we can directly use the built-in attention module of ViT to obtain the attention maps. In this experiment, two ViT-b32 teachers are distilled on one ViT-b16 student for CIFAR100 imb100 dataset. And the conclusions in our manuscript still holds for these two cases. That is, lower student-teacher fidelity and larger teachers’ attention diversity correlate with higher student validation accuracy.


Refer to caption

Figure 7: Scatter plots for experiments with Vision Transformer (ViT) on CIFAR100 imb100 dataset. Left: Fidelity (measured by top-1 A) and Right: IoU between T1subscriptT1\text{T}_{1}T start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and T2subscriptT2\text{T}_{2}T start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT during KD training. These decreasing tendencies align with our conclusions drawn from ResNet experiments, suggesting the applicability of our analysis method to attention-based methods like ViT. The main distinction is in calculating IoU, where we can directly use ViT’s built-in attention module to obtain the attention maps.

Appendix F Results with More Teacher Numbers in Ensemble Knowledge Distillation

In the main text, we focused on Knowledge Distillation (KD) with 2 teachers in the ensemble. Results with 3 teachers are discussed here. Figure 8 provides scatter plots of teacher attention IoU, fidelity, mutual information, and student entropy in 3-teacher ensemble KD cases, for CIFAR100 and CIFAR100 imb100 datasets. These plots align with the tendencies observed in 2-teacher cases in the main text.


Refer to caption

Figure 8: Scatter plots of teacher attention IoU, fidelity, mutual information, and student entropy in 3-teacher ensemble KD cases. These results, aligning with the tendencies observed in 2-teacher cases, further support our conclusions in the main text.

Appendix G Quantitative Evaluation

Table 5 compares our method with SOTA baselines: LFME Xiang et al (2020) and DMAE Bai et al (2023), focusing on the top-1 validation accuracy. LFME is specifically designed for long-tailed datasets, so we only present its results on those. DMAE is initially designed for balanced datasets, so its performance on balanced ones is less satisfying. For our method shown in this table: Ours(1T) is refferred to the KD with one ResNet50 teacher model distilled to one ResNet18 student model, with TwSssubscriptT𝑤subscriptS𝑠\text{T}_{w}\text{S}_{s}T start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT S start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT. Ours(2T) is refferred to the KD with two ResNet50 teacher models distilled to one ResNet18 student model, with T1sT2wSssubscriptT1𝑠subscriptT2𝑤subscriptS𝑠\text{T}_{1s}\text{T}_{2w}\text{S}_{s}T start_POSTSUBSCRIPT 1 italic_s end_POSTSUBSCRIPT T start_POSTSUBSCRIPT 2 italic_w end_POSTSUBSCRIPT S start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT. Ours(3T) is refferred to the KD with three ResNet50 teacher models distilled to one ResNet18 student model, with T1sT2wT3wSssubscriptT1𝑠subscriptT2𝑤subscriptT3𝑤subscriptS𝑠\text{T}_{1s}\text{T}_{2w}\text{T}_{3w}\text{S}_{s}T start_POSTSUBSCRIPT 1 italic_s end_POSTSUBSCRIPT T start_POSTSUBSCRIPT 2 italic_w end_POSTSUBSCRIPT T start_POSTSUBSCRIPT 3 italic_w end_POSTSUBSCRIPT S start_POSTSUBSCRIPT italic_s end_POSTSUBSCRIPT.

This table demonstrates that our approach, achieved solely by injecting varied levels of randomness into the dataset through controlled data augmentation strength, can attain comparable student performance on both balanced and imbalanced datasets with methods featuring intricate designs on architectures, optimization, or distillation procedures.

Table 5: Validation accuracies for our method, LFME, and DMAE on four data sets.

Method Cifar100 ImageNet
Cifar100
imb100
ImageNet
long-tail
LFME - - 0.4380 0.3880
DMAE 0.8820 0.8198 0.3725 0.4395
Ours(1T) 0.8133 - 0.5152 -
Ours(2T) 0.8195 0.6917 0.5220 0.4968
Ours(3T) 0.8204 - 0.5302 -

Appendix H Model Calibration and Overfitting Effects in our Experiments

As a supplementary study, in this section we further investigate the model calibration effects in ensemble KD. Empirically, the student model can be better calibrated by simply enhancing data augmentation strength. And, as the augmentation strength (measured by Affinity) and/or teacher numbers increased, the calibration effects become more pronounced.

While Guo et al (2017) has revealed the calibration effects of temperature scaling, a common technique in KD that does not influence the student’s accuracy, the impact of data augmentation on the student’s prediction confidence and model calibration in KD remains unexplored. This impact is typically gauged by entropy and Expected Calibration Error (ECE) in predictions and is crucial in understanding how they relate to the student’s ability to generalize and perform on unseen data, as measured by overfitting tendencies. Our hypothesis is that, beyond the inherent calibration effects of KD, the student model can be effectively calibrated by elevating data augmentation strengths as well.

In this study, we leverage logits entropy and Expected Calibration Error (ECE), along with calibration reliability diagrams Guo et al (2017) for visualization, to assess the calibration properties for teachers and student under varied data augmentation strengths. Specifically, the model logits entropy is computed as:

H(𝒙)=c=1Cp^(yc|𝒙)logp^(yc|𝒙)𝐻𝒙superscriptsubscript𝑐1𝐶^𝑝conditionalsubscript𝑦𝑐𝒙^𝑝conditionalsubscript𝑦𝑐𝒙H(\bm{x})=-\sum_{c=1}^{C}\hat{p}(y_{c}|\bm{x})\log{\hat{p}(y_{c}|\bm{x})}italic_H ( bold_italic_x ) = - ∑ start_POSTSUBSCRIPT italic_c = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_C end_POSTSUPERSCRIPT over^ start_ARG italic_p end_ARG ( italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT | bold_italic_x ) roman_log over^ start_ARG italic_p end_ARG ( italic_y start_POSTSUBSCRIPT italic_c end_POSTSUBSCRIPT | bold_italic_x ) (12)

For ECE calculation, we first group all the validation samples into M𝑀Mitalic_M interval bins, which are defined based on the prediction confidence of the model for each sample. The ECE thus can be formulated as follows:

ECE=m=1M|Bm|N|Acc(Bm)Conf(Bm)|ECEsuperscriptsubscript𝑚1𝑀subscript𝐵𝑚𝑁Accsubscript𝐵𝑚Confsubscript𝐵𝑚\text{ECE}=\sum_{m=1}^{M}\frac{|B_{m}|}{N}\left|\text{Acc}(B_{m})-\text{Conf}(% B_{m})\right|ECE = ∑ start_POSTSUBSCRIPT italic_m = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_M end_POSTSUPERSCRIPT divide start_ARG | italic_B start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT | end_ARG start_ARG italic_N end_ARG | Acc ( italic_B start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT ) - Conf ( italic_B start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT ) | (13)

where Bmsubscript𝐵𝑚B_{m}italic_B start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT denotes the set of samples in the m𝑚mitalic_m-th bin. The function Acc(Bm)subscript𝐵𝑚(B_{m})( italic_B start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT ) calculates the accuracy within bin Bmsubscript𝐵𝑚B_{m}italic_B start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT, while conf(Bm)subscript𝐵𝑚(B_{m})( italic_B start_POSTSUBSCRIPT italic_m end_POSTSUBSCRIPT ) computes the average predicted confidence of samples in the same bin.

In Figure 9 Top, a notable inverse relationship was observed between the entropy of the student model’s predictions and overfitting. While stronger data augmentation leading to increased entropy (indicative of lower confidence), there was a concurrent decrease in the tendency of the student model to overfit the training data, as evidenced by the reduction in the train-validation accuracy gap. Figure 9 Bottom further compares the model calibration reliability diagrams for KD with varied teacher numbers (from 1 to 3) and data augmentation strengths. It can be observed that as the number of teachers increased or the augmentation strength increased (indicated by decreased Affinity), the student models exhibited better calibration.


Refer to caption

Figure 9: Top: Scatter plots of student entropy versus overfitting (gap between top-1 validation and training accuracy) during KD training. Bottom: Calibration reliability diagrams with varied teacher numbers (1 to 3) for CIFAR100 imb100 and its balanced counterpart. Stronger augmentation (indicated by decreased Affinity) and more teachers in the ensemble contributes to improved model calibrations and mitigate overfitting effects.
Table 6: ECE and Affinity of models with various data augmentation strengths.

Dataset Metric Model
T1wT2wSw T1wT2wSs T1sT2wSw T1sT2wSs T1wT2sSw T1wT2sSs T1sT2sSw T1sT2sSs
Cifar100 ECE 0.0776 0.0124 0.1076 0.0537 0.0994 0.0568 0.1397 0.0745
Affinity 0.9807 0.8611 0.9805 0.9083 0.9858 0.9143 0.9729 0.9310
Cifar100 imb100 ECE 0.0979 0.0103 0.1114 0.0465 0.0711 0.0482 0.1303 0.0651
Affinity 0.9763 0.8132 0.9810 0.8637 0.9751 0.8635 0.9723 0.8955
ImageNet ECE 0.0275 0.0095 0.0233 0.0118 0.0126 0.0107 0.0122 0.0193
Affinity 0.9901 0.8767 0.9930 0.8988 0.9845 0.9131 0.9871 0.9122
ImageNet long-tail ECE 0.0322 0.0226 0.0357 0.0224 0.0494 0.0307 0.0499 0.0178
Affinity 0.9850 0.8311 0.9755 0.8704 0.9782 0.8751 0.9903 0.8971

Table 6 further provides the Expected Calibration Error (ECE) with corresponding Affinity values for all the trials with 2-teacher ensemble KD. This aids in understanding the data augmentation strengths and the decreasing tendencies in all the previous scatter plots: Recall that Affinity measures the offset in data distribution between the original one and the one after data augmentation captured by the student, and lower Affinity corresponds to higher augmentation strength, leading to higher student accuracy. Thus, for the trials with strong data augmentation (e.g., T1wT2wSs in CIFAR-100, CIFAR-100 imb100, and ImageNet; T1sT2wSs in ImageNet-LT), they not only correspond to a relatively small ECE but also a high validation accuracy.

References

  • Asif et al (2019) Asif, U., Tang, J., Harrer, S., 2019. Ensemble Knowledge Distillation for Learning Improved and Efficient Networks, in: European Conference on Artificial Intelligence
  • Bai et al (2023) Bai, Y., Wang, Z., Xiao, J., Wei, C., Wang, H., Yuille, A., Zhou, Y., Xie, C., 2023. Masked Autoencoders Enable Efficient Knowledge Distillers, in: Computer Vision and Pattern Recognition
  • Cubuk et al (2021) Cubuk, E.D., Dyer, E.S., Lopes, R.G., Smullin, S., 2021. Tradeoffs in Data Augmentation: An Empirical Study, in: ICLR
  • Cubuk et al (2019) Cubuk, E.D., Zoph, B., Mane, D., Vasudevan, V., Le, Q.V., 2019. AutoAugment: Learning Augmentation Policies from Data, in: Computer Vision and Pattern Recognition
  • Cubuk et al (2020) Cubuk, E.D., Zoph, B., Shlens, J., Le, Q.V., 2020. Randaugment: Practical Automated Data Augmentation With a Reduced Search Space, in: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops
  • Deng et al (2009) Deng, J., Dong, W., Socher, R., Li, L.J., Li, K., Fei-Fei, 2009. Imagenet: A large-scale hierarchical image database, in: 2009 IEEE conference on computer vision and pattern recognition
  • Dosovitskiy et al (2021) Dosovitskiy, A., Beyer, L., Kolesnikov, A., Weissenborn, D., Zhai, X., Unterthiner, T., Dehghani, M., Minderer, M., Heigold, G., Gelly, S., Uszkoreit, J., Houlsby, N., 2021. An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale, in: ICLR
  • Guo et al (2017) Guo, C., Pleiss, G., Sun, Y., Weinberger, K.Q., 2017. On Calibration of Modern Neural Networks, in: Proceedings of the 34th International Conference on Machine Learning
  • He et al (2016) He, K., Zhang, X., Ren, S., Sun, J., 2016. Deep Residual Learning for Image Recognition, in: 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR)
  • Hinton et al (2015) Hinton, G., Vinyals, O., Dean, J., 2015. Distilling the Knowledge in a Neural Network, in: arXiv preprint arXiv:1503.02531
  • Krizhevsky (2009) Krizhevsky, A., 2009. Learning Multiple Layers of Features from Tiny Images, University of Toronto
  • Lao et al (2023) Lao, S., Song, G., Liu, B., Liu, Y., Yang, Y., 2023. UniKD: Universal Knowledge Distillation for Mimicking Homogeneous or Heterogeneous Object Detectors, in: Proceedings of the IEEE/CVF International Conference on Computer Vision (ICCV)
  • Lewy et al (2023) Lewy, D., Mańdziuk, J., 2023. AttentionMix: Data augmentation method that relies on BERT attention mechanism, in: arXiv preprint arXiv:2309.11104
  • Li et al (2022) Li, G., Li, X., Wang, Y., Zhang, S., Wu, Y., Liang, D., 2022. Knowledge Distillation for Object Detection via Rank Mimicking and Prediction-guided Feature Imitation, in: AAAI
  • Li et al (2022) Li, W., Shao, S., Liu, W., Qiu, Z., Zhu, Z., Huan, W., 2022. What Role Does Data Augmentation Play in Knowledge Distillation?, in: Proceedings of the Asian Conference on Computer Vision (ACCV)
  • Liu et al (2019) Liu, Z., Miao, Z., Zhan, X., Wang, J., Gong, B., Yu, S.X., 2019. Large-Scale Long-Tailed Recognition in an Open World, in: IEEE Conference on Computer Vision and Pattern Recognition (CVPR)
  • Rezatofighi et al (2019) Rezatofighi, H., Tsoi, N., Gwak, J., Sadeghian, A., Reid, I., Savarese, S., 2019. Generalized Intersection Over Union: A Metric and a Loss for Bounding Box Regression, in: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR)
  • Shen et al (2022) Shen, R., Bubeck, S., Gunasekar, S., 2022. Data Augmentation as Feature Manipulation, in: Proceedings of the 39th International Conference on Machine Learning
  • Shrivastava et al (2023) Shrivastava, A., Qi, Y., Ordonez, V., 2023. Estimating and Maximizing Mutual Information for Knowledge Distillation, in: CVPR workshop
  • Stanton et al (2021) Stanton, S., Izmailov, P., Kirichenko, P., Alemi, A.A., Wilson, A.G., 2021. Does Knowledge Distillation Really Work?, in: Advances in Neural Information Processing Systems
  • Sun et al (2024) Sun, S., Ren, W., Li, J., Wang, R., Cao, X., 2024. Logit Standardization in Knowledge Distillation, in: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR)
  • Tian et al (2022) Tian, S., Chen, D., 2022. Attention Based Data Augmentation for Knowledge Distillation with Few Data, in: Journal of Physics: Conference Series
  • Tsantekidis et al (2021) Tsantekidis, A., Passalis, N., Tefas, A., 2021. Diversity-driven knowledge distillation for financial trading using Deep Reinforcement Learning, in: Neural Networks
  • Vaswani et al (2017) Vaswani, A., Shazeer, N., Parmar, N., Uszkoreit, J., Jones, L., Gomez, A.N., Kaiser, L.u., Polosukhin, I., 2017. Attention is All you Need, in: Advances in Neural Information Processing Systems
  • Wang et al (2022) Wang, G.H., Ge, Y., Wu, J., 2022. Attention Based Data Augmentation for Knowledge Distillation with Few Data, in: Journal of Physics: Conference Series
  • Xiang et al (2020) Xiang, L., Ding, G., 2020. Learning From Multiple Experts: Self-paced Knowledge Distillation for Long-tailed Classification, in: arXiv preprint arXiv:2001.01536
  • Zhou et al (2016) Zhou, B., Khosla, A., Lapedriza, A., Oliva, A., Torralba, A., 2016. Learning Deep Features for Discriminative Localization, in:Computer Vision and Pattern Recognition
  • Zhou (2012) Zhou, Z.H., 2012. Ensemble Methods: Foundations and Algorithms. Chapman and Hall/CRC
  • Özgür et al (2022) Özgür Özdemir, Sönmez, E.B., 2022. Attention mechanism and mixup data augmentation for classification of COVID-19 Computed Tomography images, in: Journal of King Saud University - Computer and Information Sciences