This paper was converted on www.awesomepapers.org from LaTeX by an anonymous user.
Want to know more? Visit the Converter page.

11institutetext: Monash-Airdoc Research, Monash University, Melbourne, Australia 22institutetext: Monash Medical AI Group, Monash University, Melbourne, Australia 33institutetext: Faculty of Information Technology, Monash University, Melbourne, Australia 44institutetext: Harbin Engineering University, Harbin, China
%Monash␣Medical␣AI␣Group,␣Monash␣University,␣Australia\\https://mmai.group
44email: [email protected], 44email: [email protected]

Flexible Sampling for Long-tailed Skin Lesion Classification

Lie Ju 1122    Yicheng Wu 33    Lin Wang 11 4 4    Zhen Yu 1122    Xin Zhao 11   
Xin Wang
11
   Paul Bonnington and Zongyuan Ge 22112(2())
Abstract

Most of the medical tasks naturally exhibit a long-tailed distribution due to the complex patient-level conditions and the existence of rare diseases. Existing long-tailed learning methods usually treat each class equally to re-balance the long-tailed distribution. However, considering that some challenging classes may present diverse intra-class distributions, re-balancing all classes equally may lead to a significant performance drop. To address this, in this paper, we propose a curriculum learning-based framework called Flexible Sampling for the long-tailed skin lesion classification task. Specifically, we initially sample a subset of training data as anchor points based on the individual class prototypes. Then, these anchor points are used to pre-train an inference model to evaluate the per-class learning difficulty. Finally, we use a curriculum sampling module to dynamically query new samples from the rest training samples with the learning difficulty-aware sampling probability. We evaluated our model against several state-of-the-art methods on the ISIC dataset. The results with two long-tailed settings have demonstrated the superiority of our proposed training strategy, which achieves a new benchmark for long-tailed skin lesion classification.

Keywords:
Long-tailed classification Skin lesion Flexible Sampling

1 Introduction

In the real world, since the conditions of patients are complex and there is a wide range of disease categories [4], most of the medical datasets tend to exhibit a long-tailed distribution characteristics [10]. For instance, in dermatology, skin lesions can be divided into different subtypes according to their particular clinical characteristics [5]. On the popular ISIC dataset [9], the ratio of majority classes and minority classes exceeds one hundred, which presents a highly-imbalanced class distribution. Deep classification models trained on such a long-tailed distribution might not recognize those minority classes well, since there are only a few samples available [18]. Improving the recognition accuracy of those rare diseases is highly desirable for the practical applications.

Most of existing methods for long-tailed learning can be roughly divided into three main categories: information augmentation, module improvement [22] and class-balancing. The information augmentation-based [21, 18] methods focused on building a shared memory between head and tail but failed to tackle extremely imbalanced conditions since there are still more head samples for a mini-batch sampling. The module improvement-based methods [20, 10] required multiple experts for the final decision and introduces higher computational costs. The class-balancing methods [12, 23] attempted to re-balance the class distribution, which becomes the mainstream model for various long-tailed classification tasks. However, most existing methods ignored or underestimated the differences of the class-level learning difficulties. In other words, we believe that it is crucial to dynamically handle different classes according to their learning difficulties.

Refer to caption
Figure 1: An illustration of learning difficulty. RS denotes re-sampling. The sub-figure (a) shows two kinds of lesions melanoma and vascular lesion from the majority and minority classes respectively. The sub-figure (b) shows that naively over-sampling those minority classes can only achieve marginal performance gains on VASC but seriously hurts the recognition accuracy on MEL.

In Fig. 1, we illustrate our motivation with a pilot experiment on ISIC. Melanoma (MEL) and vascular lesion (VASC) are two representative skin lesions from the majority and minority classes, respectively. The former class has 2560 images for training while the latter only contains 96 training samples. It can be seen that most samples from VASC resemble one another and present a pink color. Intuitively, this kind of lesions is easier to be classified by deep models since the intra-class diversity is relatively small. By contrast, although MEL has more samples for training, various shapes and textures make the learning difficulty higher. Fig. 1(b) shows the performance of two models trained with different loss functions (cross-entropy (CE) loss vs. re-sampling (RS)) for the class-balancing constraint. It can be seen that over-sampling the tailed classes with less intra-class variety leads to marginal performance gains on VASC but a significant performance drop on MEL, also known as a severe marginal effect.

From this perspective, we propose a novel curriculum learning-based framework named Flexible Sampling through considering the varied learning difficulties of different classes. Specifically, first, we initially sample a subset of data from the original distribution as the anchor points, which are nearest with their corresponding prototypes. Then, the subset is used to pre-train a less-biased inference model to estimate the learning difficulties of different classes, which can be further utilized as the class-level sampling probabilities. Finally, a curriculum sampling module is designed to dynamically query most suitable samples from the rest data with the uncertainty estimation. In this way, the model is trained via the easy examples first and the hard samples later, preventing the unsuitable guidance at the early training stage [17].

Overall, our contributions can be summarized as follows: (1) We advocate that the training based on the learning difficulty can filter the sub-optimal guidance at the early stage, which is crucial for the long-tailed skin lesion classification task. (2) Via considering the varied class distribution, the proposed flexible sampling framework achieves dynamic adjustments of sampling probabilities according to the class-level learning status, which leads to better performance. (3) Extensive experimental results demonstrate that our proposed model achieves new state-of-the-art long-tailed classification performance and outperforms other public methods on the ISIC dataset.

2 Methodology

The overall pipeline of our proposed flexible sampling framework is shown in Fig. 2. First, we use self-supervised learning techniques to train a model to obtain balanced representation from original long-tailed distribution. Then, we sample a subset from the training data using the prototypes (mean class features) as anchor points. Next, this subset is used to train an inference model for the estimation of learning difficulties. Finally, a novel curriculum sampling module is proposed to dynamically query new instances from the unsampled pool according to the current learning status. An uncertainty-based selection strategy is used to help find the most suitable instances to query.

2.1 SSL Pre-training for Balanced Representations

Training from the semantic labels as supervision signal on long-tailed distribution can bring significant bias since majority classes can occupy the dominant portion of the feature space [12]. A straightforward solution is to leverage self-supervised learning (SSL) technique to obtain category distribution-agnostic features. Different from the supervised learning methods, SSL techniques do not require annotations but learn representations via maximizing the instance-wise discriminativeness [13, 11]. The contrastive learning loss [19] adopted in this study can be formulated as:

LCL=1Ni=1Nlogexp(vivi+T)exp(vivi+T)+ΣviVexp(viviT),L_{CL}=\frac{1}{N}\sum_{i=1}^{N}-log\frac{exp(v_{i}\cdot\frac{v_{i}^{+}}{T})}{exp(v_{i}\cdot\frac{v_{i}^{+}}{T})+\Sigma_{v_{i}^{-}\in V^{-}}exp(v_{i}\cdot\frac{v_{i}^{-}}{T})}, (1)

where vi+v_{i}^{+} is a positive sample for xix_{i} after the data augmentation, vv^{-} is a negative sample drawn from any other samples, TT is the temperature factor. SSL can learn stably well feature spaces which is robust to the underlying distribution of a dataset, especially in a strongly-biased long-tailed distribution [11].

Refer to caption
Figure 2: The overview of our proposed framework.

2.2 Sample Anchor Points using the Prototype

To sample anchor points for training the inference model, we first comupte the mean features for each class as the prototype. Concretely, after pre-training a CNN model MpreM_{pre} with feature representation layer f()f(\cdot) and classifier h()h(\cdot), we can obtain features [f(x1),,f(xi),,f(xn)][f(x_{1}),...,f(x_{i}),...,f(x_{n})] for n instances from original distribution [x1,,xi,,xn][x_{1},...,x_{i},...,x_{n}] by forward feeding into f()f(\cdot). Thus, for sorted class index [c0,,cj,,ck1][c_{0},...,c_{j},...,c_{k-1}] where Nc0>>Nck1N_{c_{0}}>...>N_{c_{k-1}}, the prototype mcjm_{c_{j}} of class cjc_{j} can be calculated by averaging all the features from the same class:

mcj=i=1,xiXcjNcjf(xi)Ncj,m_{c_{j}}=\frac{\sum_{i=1,x_{i}\in X_{c_{j}}}^{N_{c_{j}}}f(x_{i})}{N_{c_{j}}}, (2)

where NcjN_{c{j}} denotes the number of instances of class jj. Then, we find those representative samples which have the lowest distances from prototypes by calculating their Euclidean Distance:

dsi,xicj=mcjf(xi)2.ds_{i,x_{i}\in c_{j}}=\left\|m_{c_{j}}-f(x_{i})\right\|_{2}. (3)

By sorting the distances DSck=[ds1,,dsNckDS_{c_{k}}=[ds_{1},...,ds_{N_{c_{k}}}], we can select those top-N^ck\hat{N}_{c_{k}} lowest-distance samples as the class anchor points to form the subset. For instance, given a long-tailed distribution following Pareto Distribution with the number of classes kk and imbalance ratio r=N0Nk1r=\frac{N_{0}}{N_{k-1}}, the number of samples for class c[0,k)c\in[0,k) can be calculated as Ncj=(r(k1))cjN0N_{c_{j}}={(r^{-(k-1)})}^{c_{j}}*N_{0}. Then, we use a scaling hyper-parameter s(0,1)s\in(0,1) as the imbalance ratio of anchor points r^=rs\hat{r}=r\cdot s and we can sample a less-imbalanced subset with N^cj=(r^(k1))cjN0\hat{N}_{c_{j}}={(\hat{r}^{-(k-1)})}^{c_{j}}*N_{0}.

Using the prototype for sampling anchor points show the following two advantages: 1) training the inference model with representative anchor points provides a better initialization compared to that of using random selected samples; 2) a re-sampled subset shows a more relatively balanced distribution, which helps reducing confirmation bias for predicting uncertainty on those unsampled instances.

2.3 Curriculum Sampling Module

2.3.1 Class-wise Sampling Probability

After obtaining anchor points X^\hat{X}, we use them to train the inference model for querying new samples from the unsampled instances in the training pool UX=XX^U_{X}=\complement_{X}\hat{X}. As we claimed that there exist various learning difficulties and some tail classes with less intra-class variety can converge well in an early stage. Over-sampling such classes may bring obvious marginal effects and do harm to other classes. Hence, a more flexible sampling strategy is required with estimating the learning difficulty of each class. Intuitively, this can be achieved by evaluating the competence of the current model. Thus, we calculate the validation accuracy of different classes after every epoch as the sampling probability:

pcj=1ae(cj),p_{c_{j}}=1-a_{e}(c_{j}), (4)

where ee denotes the ethe_{th} epoch and ae(cj)a_{e}(c_{j}) is the corresponding validation accuracy on jthj_{th} class. Then, the pcjp_{c_{j}} can be normalized as p^cj=δpcj\hat{p}_{c_{j}}=\delta\cdot p_{c_{j}}, where δ=K/j=0K1pcj\delta=K/\sum_{j=0}^{K-1}p_{c_{j}}. It should be noticed that when there are limited samples for validation, the ae(cj)a_{e}(c_{j}) can also be replaced by training accuracy with only one-time forward pass. The results evaluated on validation set can provide more unbiased reference with less risk of over-fitting since it exhibits different distribution from training set.

2.3.2 Instance-wise Sample Selection

With learning difficulty-aware sampling probability at the categorical level, we need to determine which instances should be sampled for more efficient querying in an instance difficulty-aware manner. Here, we proposed to leverage uncertainty for the selection of unlabeled samples. Those samples with higher uncertainty have larger entropy since CNN model always give less-confident predictions on hard samples [15]. Training from high-uncertainty samples can well rich the representation space with discriminative features. Here, we compute the mutual information between predictions and model posterior for uncertainty measurement [8]:

𝕀(yi;ω|xi,X)=(yi|xi,X)𝔼p(ω|X)[(yi|xi,X)].\mathbb{I}(y_{i};\omega|x_{i},X)=\mathbb{H}(y_{i}|x_{i},X)-\mathbb{E}_{p(\omega|X)}[\mathbb{H}(y_{i}|x_{i},X)]. (5)

where \mathbb{H} is the entropy of given instance point and 𝔼\mathbb{E} denotes the expectation of the entropy of the model prediction over the posterior of the model parameter. A high uncertainty value implies that the posterior draws are disagreeing among themselves [14]. Then, with sorted instances x1,,xNcjx_{1},...,x_{N_{c_{j}}} for class jj, the number of newly sampling instances could be pcj^Ncj\hat{p_{c_{j}}}\cdot N_{c_{j}}. Finally, we merge the anchor points and newly-sampled instances into the training loop for a continual training.

3 Experiments

3.1 Datasets

We evaluate the competitive baselines and our methods on two dermatology datasets from ISIC [9] with different number of classes. ISIC-2019-LT is a long-tailed version constructed from ISIC-2019 Challenge111https://challenge2019.isic-archive.com/, which aims to classify 8 kinds of diagnostic categories. We follow [18] and sample a subset from a Pareto distribution. With kk classes and imbalance ratio r=N0Nk1r=\frac{N_{0}}{N_{k-1}}, the number of samples for class c[0,k)c\in[0,k) can be calculated as Nc=(r(k1))cN0N_{c}={(r^{-(k-1)})}^{c}*N_{0}. For this setting, we set r={100,200,500}r=\{100,200,500\}. We select 50 and 100 images from the remained samples as validation set and test set. The second dataset is augmented from ISIC-2019 to increase the length of tail with extra 6 classes (14 in total) added from the ISIC Archive222https://www.isic-archive.com/ and named as ISIC-Archive-LT333Please see our supplementary document for more details.. This dataset is more challenging with longer length of tail and larger imbalance ratio r1000r\approx 1000. The ISICArchiveLTISIC-Archive-LT dataset is divided into train: val: test = 7:1:2.

3.2 Implementation Details

All images were resized into 224×\times224 pixels. We used ResNet-18 and ResNet-50 [7] as our backbones for ISIC-2019-LT and ISIC-Archive-LT respectively. For the SSL pre-training, we used Adam optimizer with a learning rate of 2×104\times 10^{-4} with a batch size of 16. For the classification task, we used Adam optimizer with a learning rate of 3×104\times 10^{-4} and a batch size of 256. Some augmentations techniques were applied such as random crop, flip and colour jitter. An early stopping monitor with the patience of 20 was set when there was no further increase on the validation set with a total of 100 epochs.

For our proposed methods, we warmed up the model with plain cross-entropy loss for 30 epochs. The scaling value ss for sampling anchor points was set as 0.1. We queried 10% of the samples in the unsampled pool when there was no further improvement with the patience of 10. Then, the optimizer will be re-initialized with a learning rate of 3×104\times 10^{-4}. For a fair comparison study, we kept all basic hyper-parameters the same on all the comparative methods. We reported the average of 5-trial running in all presented results. All experiments are implemented by PyTorch 1.8.1 platform on a single NVIDIA RTX 3090.

3.3 Comparison Study

The comparative methods selected in this study can be briefly introduced as follow: (1) plain class-balancing re-sampling (RS) and re-weighting (RW) strategies; (2) information augmentation: MixUp [21] and OLTR [18]; (3) Modified re-weighting loss functions: Focal Loss [16], Class-Balancing (CB) Loss  [2] and label-distribution-aware margin (LDAM) Loss [1]; (4) Curriculum learning-based methods: Curriculum Net [6] and EarLy-exiting Framework (ELF) [3].

3.3.1 Performance on ISIC-2019-LT

The overall results of the comparative methods and our proposed framework on ISIC-2019-LT are summarized in Table 1 using the mean and standard deviation (Std.) in terms of top-1 accuracy. Here are some findings: (1) Re-sampling strategy obtained little improvements under an extremely imbalanced condition, e.g., r = 500. Repeatedly sampling those relatively easy-to-learn classes brings obvious marginal effects. (2) CB Loss showed superior performance with 4.56%, 4.35% and 5.05% improvements on the baseline trained from cross-entropy, since it tended to sample more effective samples. (3) The proposed flexible sampling effectively outperformed other methods with 63.85%, 59.38% and 50.99% top-1 accuracy over three different imbalance ratios.

Table 1: The comparative results on three different imbalance ratios {100, 200, 500}.
ISIC-2019-LT
Methods Top-1 @ Ratio 100 Top-1 @ Ratio 200 Top-1 @ Ratio 500
CE 55.09 (±\pm4.10)=0.00 53.40 (±\pm0.82)=0.00 44.40 (±\pm1.80)=0.00
RS 61.05 (±\pm1.26)+4.96 55.10 (±\pm1.29)+1.70 46.82 (±\pm1.33)+2.82
RW 61.07 (±\pm1.73)+5.98 58.03 (±\pm1.24)+4.63 50.55 (±\pm1.19)+6.15
MixUp [21] 57.25 (±\pm0.71)+2.16 52.05 (±\pm1.71)-1.35 42.78 (±\pm1.28)-1.62
OLTR [18] 60.95 (±\pm2.09)+5.86 56.77 (±\pm1.99)+3.37 48.75 (±\pm1.52)+4.35
Focal Loss [16] 60.62 (±\pm1.04)+5.53 53.88 (±\pm1.19)+0.48 44.38 (±\pm1.44)-0.02
CB Loss [2] 59.65 (±\pm1.52)+4.56 57.75 (±\pm1.39)+4.35 49.45 (±\pm1.11)+5.05
LDAM [1] 58.62 (±\pm1.46)+3.53 54.92 (±\pm1.24)+1.52 44.90 (±\pm2.60)+0.50
CN [6] 56.41 (±\pm1.62)+1.32 53.55 (±\pm0.96)+0.15 44.92 (±\pm0.31)+0.52
ELF [3] 61.94 (±\pm1.53)+6.85 54.60 (±\pm1.78)+1.20 43.19 (±\pm0.31)-1.21
Ours 63.85 (±\pm2.10)+8.76 59.38 (±\pm1.90)+5.98 50.99 (±\pm2.02)+6.59
Table 2: The comparative results on ISIC-Archive-LT.
ISIC-Archive-LT
Methods Head Medium Tail All
CE 71.23 (±\pm1.33) 48.73 (±\pm4.24) 36.94 (±\pm7.17) 52.30 (±\pm4.25)
RS 70.26 (±\pm1.21) 55.98 (±\pm1.63) 37.14 (±\pm5.44) 54.46 (±\pm2.76)
RW 59.70 (±\pm2.84) 61.53 (±\pm3.69) 63.64 (±\pm3.11) 61.62 (±\pm3.21)
CBLoss 65.27 (±\pm5.73) 56.97 (±\pm6.64) 66.74 (±\pm2.94) 62.89 (±\pm5.10)
ELF 68.81 (±\pm3.69) 50.17 (±\pm4.12) 60.77 (±\pm4.99) 59.92 (±\pm4.27)
Ours 68.26 (±\pm2.01) 57.72 (±\pm2.98) 67.01 (±\pm4.12) 64.33 (±\pm3.04)

3.3.2 Performance on ISIC-Archive-LT

For ISIC-Archive-LT dataset with imbalanced test set, we reported the accuracy on shot-based division, e.g., head, medium, tail and their average results as most existing works [18, 22]. The overall results are shown in Table 2. RS did not obtain satisfactory results. It is due to that the same training samples from tail classes can be occurred repeatedly in a mini-batch during the iteration under an extremely imbalanced condition, resulting in learning from an incomplete distribution. Compared with CBLoss which sacrificed head classes performance, our methods evenly improved the overall performance (+12.03%) with the medium (+8.99%) and tail classes (+30.07%) but only a little performance loss on head classes (-2.97%). In Fig. 3 we present the performance of several selected classes evaluated on three competitors. It is noticed that flex sampling can also improve those head classes with more learning difficulty, e.g., MEL, while RW severely hurts the recognition performance especially for those high-accuracy classes, e.g., BCC.

Refer to caption
Figure 3: The performance on several classes from head/tail classes on three methods.

3.4 Ablation Study

To investigate what makes our proposed methods performant, we conduct ablation studies and report the results in Table 3. We first evaluate the selection of pre-training methods. It can be found that using SSL pre-training with anchor points can well boost the accuracy of the inference model, where Random denotes the random selection of samples and Edge Points denotes those samples away from the prototypes. Finally, we validated the effect of different querying strategies. Compared with random querying, uncertainty-based mutual information can help introduce samples more efficiently in an instance-aware manner.

Table 3: Ablation study results on ISIC-2019-LT (rr = 100).
Pre-train Sample Selection Acc. +Querying Strategy
CE Anchor Points 58.09 (±\pm0.95) Random Mutual Information
SSL Random 56.19 (±\pm2.20) 57.77 (±\pm3.09) 60.99 (±\pm2.41)
Edge Points 52.62 (±\pm1.76) 56.95 (±\pm1.04) 58.63 (±\pm1.07)
Anchor Points 59.32 (±\pm1.58) 60.26 (±\pm1.73) 63.85 (±\pm2.10)

4 Conclusion

In this work, we present a flexible sampling framework with taking into consideration the learning difficulties of different classes. We advocate training from a relatively balanced and representative subset and dynamically adjusting the sampling probability according to the learning status. The comprehensive experiments demonstrate the effectiveness of our proposed methods. In future work, more medical datasets and a multi-label setting can be further explored.

References

  • [1] Cao, K., Wei, C., Gaidon, A., Arechiga, N., Ma, T.: Learning imbalanced datasets with label-distribution-aware margin loss. Advances in neural information processing systems 32 (2019)
  • [2] Cui, Y., Jia, M., Lin, T.Y., Song, Y., Belongie, S.: Class-balanced loss based on effective number of samples. In: Proceedings of the IEEE/CVF conference on computer vision and pattern recognition. pp. 9268–9277 (2019)
  • [3] Duggal, R., Freitas, S., Dhamnani, S., Chau, D.H., Sun, J.: Elf: An early-exiting framework for long-tailed classification. arXiv preprint arXiv:2006.11979 (2020)
  • [4] England, N., Improvement, N.: Diagnostic imaging dataset statistical release. London: Department of Health 421 (2016)
  • [5] Esteva, A., Kuprel, B., Novoa, R.A., Ko, J., Swetter, S.M., Blau, H.M., Thrun, S.: Dermatologist-level classification of skin cancer with deep neural networks. nature 542(7639), 115–118 (2017)
  • [6] Guo, S., Huang, W., Zhang, H., Zhuang, C., Dong, D., Scott, M.R., Huang, D.: Curriculumnet: Weakly supervised learning from large-scale web images. In: Proceedings of the European Conference on Computer Vision (ECCV). pp. 135–150 (2018)
  • [7] He, K., Zhang, X., Ren, S., Sun, J.: Deep residual learning for image recognition. In: Proceedings of the IEEE conference on computer vision and pattern recognition. pp. 770–778 (2016)
  • [8] Houlsby, N., Huszár, F., Ghahramani, Z., Lengyel, M.: Bayesian active learning for classification and preference learning. arXiv preprint arXiv:1112.5745 (2011)
  • [9] ISIC: Isic archive (2021), https://www.isic-archive.com/
  • [10] Ju, L., Wang, X., Wang, L., Liu, T., Zhao, X., Drummond, T., Mahapatra, D., Ge, Z.: Relational subsets knowledge distillation for long-tailed retinal diseases recognition. In: Medical Image Computing and Computer Assisted Intervention – MICCAI 2021. pp. 3–12. Springer, Cham (2021)
  • [11] Kang, B., Li, Y., Xie, S., Yuan, Z., Feng, J.: Exploring balanced feature spaces for representation learning. In: International Conference on Learning Representations (2020)
  • [12] Kang, B., Xie, S., Rohrbach, M., Yan, Z., Gordo, A., Feng, J., Kalantidis, Y.: Decoupling representation and classifier for long-tailed recognition. arXiv preprint arXiv:1910.09217 (2019)
  • [13] Khosla, P., Teterwak, P., Wang, C., Sarna, A., Tian, Y., Isola, P., Maschinot, A., Liu, C., Krishnan, D.: Supervised contrastive learning. Advances in Neural Information Processing Systems 33, 18661–18673 (2020)
  • [14] Kirsch, A., Van Amersfoort, J., Gal, Y.: Batchbald: Efficient and diverse batch acquisition for deep bayesian active learning. Advances in neural information processing systems 32 (2019)
  • [15] Leipnik, R.: Entropy and the uncertainty principle. Information and Control 2(1), 64–79 (1959)
  • [16] Lin, T.Y., Goyal, P., Girshick, R., He, K., Dollár, P.: Focal loss for dense object detection. In: Proceedings of the IEEE international conference on computer vision. pp. 2980–2988 (2017)
  • [17] Liu, F., Ge, S., Wu, X.: Competence-based multimodal curriculum learning for medical report generation. In: Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing (Volume 1: Long Papers). pp. 3001–3012 (2021)
  • [18] Liu, Z., Miao, Z., Zhan, X., Wang, J., Gong, B., Yu, S.X.: Large-scale long-tailed recognition in an open world. In: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. pp. 2537–2546 (2019)
  • [19] Van den Oord, A., Li, Y., Vinyals, O.: Representation learning with contrastive predictive coding. arXiv e-prints pp. arXiv–1807 (2018)
  • [20] Wang, X., Lian, L., Miao, Z., Liu, Z., Yu, S.X.: Long-tailed recognition by routing diverse distribution-aware experts. arXiv preprint arXiv:2010.01809 (2020)
  • [21] Zhang, H., Cisse, M., Dauphin, Y.N., Lopez-Paz, D.: mixup: Beyond empirical risk minimization. arXiv preprint arXiv:1710.09412 (2017)
  • [22] Zhang, Y., Kang, B., Hooi, B., Yan, S., Feng, J.: Deep long-tailed learning: A survey. arXiv preprint arXiv:2110.04596 (2021)
  • [23] Zhou, B., Cui, Q., Wei, X.S., Chen, Z.M.: Bbn: Bilateral-branch network with cumulative learning for long-tailed visual recognition. In: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. pp. 9719–9728 (2020)