Giter Site home page Giter Site logo

awesome-long-tailed's Introduction

Bechmark

CIFAR10_LT

Using ResNet-32 as backbone.

Imbalance factor = 100

Acc
BBN (CVPR 2020) 79.82
RSG (CVPR 2021) 79.95
MetaSAug (CVPR 2021) 80.66
LogitAdjust (ICLR 2021) 80.92
ACE (ICCV 2021) 81.4
RIDE (ICLR 2021) * 81.54
MiSLAS (CVPR 2021) 82.1
BLMS (CVPR 2020) 84.9

* denotes results reproduced by me.

CIFAR100_LT

Using ResNet-32 as backbone.

Imbalance factor = 100

Many Medium Few All
BBN (CVPR) 42.56
LogitAdjust (ICLR 2021) - - - 43.89
RSG (CVPR 2021) - - - 44.55
LADE (CVPR 2021) 45.4
SSD (ICCV 2021) 46.0
MiSLAS (CVPR 2021) 47.0
DRO-LT (ICCV 2021) 64.7 50.0 23.8 47.3
MetaSAug (CVPR 2021) - - - 48.01
RIDE (ICLR 2021) 69.3 49.3 26.0 49.1
ACE (ICCV 2021) 66.3 52.8 27.2 49.6
TADE (2021) 49.8
BLMS (CVPR 2020) 50.8
PaCo (ICCV 2021) - - - 52.0

Places365_LT

Using ResNet-152 as backbone.

Many Medium Few All
LADE (CVPR 2021) 42.8 39.1 29.6 38.8
LDA (MM 2021) 41.0 40.7 32.1 39.1
RSG (CVPR 2021) 41.9 41.4 32.0 39.3
DisAlign (CVPR 2021) 40.4 42.4 30.1 39.3
GistNet (ICCV 2021) 42.5 40.8 32.1 39.6
MiSLAS (CVPR 2021) 40.4
TADE (2021) 40.9
PaCo (ICCV 2021) 36.1 47.9 35.3 41.2

ImageNet_LT

Using ResNet-50 as backbone (90 epochs)

Many Medium Few All
MetaSAug (CVPR 2021) 47.39
LogitAdjust (ICLR 2021) 51.1
SSP (NIPS2020) 63.2 48.1 29.2 51.3
KCL (ICLR 2021) 61.8 49.4 30.9 51.5
MiSLAS (CVPR 2021) - - - 52.7
DisAlign (CVPR 2021) 61.3 52.2 31.4 52.9
LDA (MM 2021) 64.5 50.9 31.5 53.4
DRO-LT (ICCV 2021) 64.0 49.8 33.1 53.5
ACE (ICCV 2021) - - - 54.7
RIDE (ICLR 2021) - - - 55.4
CBD (2021) 68.5 52.7 29.2 55.6
SSD (ICCV 2021) 66.8 53.1 35.4 56.0
MoE (2021) 66.7 54.1 37.6 56.7
PaCo (ICCV 2021) - - - 57.0
TADE (2021) 66.5 57.0 43.4 58.8

iNaturalist18

Using ResNet-50 as backbone (90 epochs)

Many Medium Few All
LogitAdjust (ICLR 2021) - - - 66.36
MetaSAug (CVPR 2021) - - - 68.75
KCL (ICLR 2021) - - - 68.6
DisAlign (CVPR 2021)
BBN (CVPR 2020) - - - 69.62
DRO-LT (ICCV 2021) - - - 69.7
LADE (CVPR 2021) - - - 70.0
RSG (CVPR 2021) - - - 70.26
GistNet (ICCV 2021) 70.8
SSD (ICCV 2021) 71.5
MiSLAS (CVPR 2021) - - - 71.6
RIDE (ICLR 2021) 70.9 72.4 73.1 72.6
ACE (ICCV 2021) 72.9
TADE (2021) - - - 72.9
PaCo (ICCV 2021) - - - 73.2
CBD (2021) 75.9 74.7 71.5 73.6
MoE (2021) 72.8 74.8 74.6 74.5

Awesome-Long-Tailed

Papers related to long-tailed tasks

Survey

A Survey on Long-tailed Visual Recognition (IJCV 2022)

Deep Long-Tailed Learning: A Survey

Bag of Tricks for Long-Tailed Visual Recognition with Deep Convolutional Neural Networks (AAAI 2021) Code

Re-weighting

Learning to Re-weight Examples with Optimal Transport for Imbalanced Classification (NIPS 2022) Code

Escaping Saddle Points for Effective Generalization on Class-Imbalanced Data (NIPS 2022) Code

Class-Difficulty Based Methods for Long-Tailed Visual Recognition (IJCV 2022)

Cross-Domain Empirical Risk Minimization for Unbiased Long-tailed Classification (AAAI 2022) Code

A Re-Balancing Strategy for Class-Imbalanced Classification Based on Instance Difficulty (CVPR 2022)

Long-Tailed Recognition via Weight Balancing (CVPR 2022) Code

SOLVING THE LONG-TAILED PROBLEM VIA INTRA- AND INTER-CATEGORY BALANCE (ICASSP2022)

Influence-Balanced Loss for Imbalanced Visual Classification (ICCV 2021) Code

(LADE) Disentangling Label Distribution for Long-tailed Visual Recognition (CVPR 2021) Code

An extension of BalancedSoftmax while improvement is quite limited. But it can handle unknown distributions of testing datasets.

(LogitAdjust) Long-tail learning via logit adjustment (ICLR 2021)

(BLMS) Balanced Meta-Softmax for Long-Tailed Visual Recognition (NIPS 2020) code

GradTail: Learning Long-Tailed Data Using Gradient-based Sample Weighting (preprint)

Class-Aware Universum Inspired Re-Balance Learning for Long-Tailed Recognition (preprint)

Class-Difficulty Based Methods for Long-Tailed Visual Recognition (preprint)

Margin Calibration for Long-Tailed Visual Recognition (preprint)

You Only Need End-to-End Training for Long-Tailed Recognition (preprint)

Sampling

The Majority Can Help The Minority: Context-rich Minority Oversampling for Long-tailed Classification (CVPR 2022) Code

Solving Long-tailed Recognition with Deep Realistic Taxonomic Classifier (ECCV 2020) Code

Meta Learning

Difficulty-Net: Learning to Predict Difficulty for Long-Tailed Recognition (WACV 2023) Code

(MetaSAug) MetaSAug: Meta Semantic Augmentation for Long-Tailed Visual Recognition (CVPR 2021) code

Rethinking Class-Balanced Methods for Long-Tailed Visual Recognition from a Domain Adaptation Perspective (CVPR 2020) code

Meta-Weight-Net: Learning an Explicit Mapping For Sample Weighting (NIPS 2019) code

Feature Manipulation

Tailoring Self-Supervision for Supervised Learning (ECCV 2022) Code

SAFA: Sample-Adaptive Feature Augmentation for Long-Tailed Image Classification (ECCV 2022)

Towards Calibrated Hyper-Sphere Representation via Distribution Overlap Coefficient for Long-tailed Learning (ECCV 2022) Code

Developed a new classifier.

Breadcrumbs: Adversarial Class-Balanced Sampling for Long-tailed Recognition (ECCV 2022) Code

Constructing Balance from Imbalance for Long-tailed Image Recognition (ECCV 2022) Code

Invariant Feature Learning for Generalized Long-Tailed Classification (ECCV 2022) Code

VL-LTR: Learning Class-wise Visual-Linguistic Representation for Long-Tailed Visual Recognition (ECCV 2022) Code

Balanced Contrastive Learning for Long-Tailed Visual Recognition (CVPR 2022) Code

Retrieval Augmented Classification for Long-Tail Visual Recognition (CVPR 2022)

Long-tail Recognition via Compositional Knowledge Transfer (CVPR 2022)

Targeted Supervised Contrastive Learning for Long-Tailed Recognition (CVPR 2022) Code

Self-supervised Learning is More Robust to Dataset Imbalance (ICLR 2022)

Imagine by Reasoning: A Reasoning-Based Implicit Semantic Data Augmentation for Long-Tailed Classification (AAAI 2022) Code

Do deep networks transfer invariances across classes? (ICLR 2022)

Experiments on only small-sacle datasets.

(SSD) Self Supervision to Distillation for Long-Tailed Visual Recognition [ICCV 2021] waiting code

Procrustean Training for Imbalanced Deep Learning (ICCV 2021)

Distributional Robustness Loss for Long-tail Learning (ICCV 2021) Code

This method focuses on improving the learned representation at the penultimate layer by using an extra robustness loss. The robustness loss is computed in the feature level and kind of like contrastive loss.

(GistNet) GistNet: a Geometric Structure Transfer Network for Long-Tailed Recognition (ICCV 2021)

(PaCo) Parametric Contrastive Learning (ICCV 2021) Code

(RSG) RSG: A Simple but Effective Module for Learning Imbalanced Datasets (CVPR 2021) Code

RSG(Rare-class Sample Generator) aims to generate some new samples for rare classes during training.

Contrastive Learning based Hybrid Networks for Long-Tailed Image Classification (CVPR 2021) Waiting code

(MiSLAS) Improving Calibration for Long-Tailed Recognition (CVPR 2021) Code

(KCL) Exploring Balanced Feature Spaces for Representation Learning (ICLR 2021) waiting code

(SSP) Rethinking the Value of Labels for Improving Class-Imbalanced Learning (NIPS 2020) Code

Feature Space Augmentation for Long-Tailed Data ECCV 2020

Learning From Multiple Experts: Self-paced Knowledge Distillation for Long-tailed Classification ECCV 2020 Code

M2m: Imbalanced Classification via Major-to-minor Translation CVPR 2020

(BBN) Bilateral-Branch Network with Cumulative Learning for Long-Tailed Visual Recognition (CVPR 2020) Code

Deep Representation Learning on Long-tailed Data: A Learnable Embedding Augmentation Perspective (CVPR 2020)

Feature Transfer Learning for Deep Face Recognition with Under-Represented Data (CVPR 2019)

Memory-based Jitter: Improving Visual Recognition on Long-tailed Data with Diversity In Memory (preprint)

(BKD) Balanced Knowledge Distillation for Long-tailed Learning preprint Code

A Simple Long-Tailed Recognition Baseline via Vision-Language Model (preprint) Code

Feature Generation for Long-tail Classification Code (preprint)

Long-Tailed Classification with Gradual Balanced Loss and Adaptive Feature Generation (preprint)

Rebalanced Siamese Contrastive Mining for Long-Tailed Recognition (preprint) Code

Logit Adjustment

Label-Aware Distribution Calibration for Long-tailed Classification (AAAI 2022)

Long-Tailed Recognition via Weight Balancing (CVPR 2022) Code

Long-tailed Visual Recognition via Gaussian Clouded Logit Adjustment (CVPR 2022)

Optimal Transport for Long-Tailed Recognition with Learnable Cost Matrix (ICLR 2022)

Towards Calibrated Model for Long-Tailed Visual Recognition from Prior Perspective (NIPS2021) Code

Normalization Calibration (NorCal) for Long-Tailed Object Detection and Instance Segmentation (NIPS2021) Code

t-vMF Similarity for Regularizing Intra-Class Feature Distribution (CVPR2021) Code

Distribution Alignment: A Unified Framework for Long-tail Visual Recognition (CVPR 2021) Code

(DisAlign) Distilling Virtual Examples for Long-tailed Recognition (CVPR 2021)

Two-stage decoupling based. Calibrate the classifier and align the model prediction with the desired distribution favoring the balanced predcition.

(LDA) Long-tailed Distribution Adaptation (ACM MM 2021) Code

Long-Tail Learning via Logit Adjustment (ICLR 2021) Code

ELM: Embedding and Logit Margins for Long-Tail Learning (preprint)

Multiple Experts

(TADE) Test-Agnostic Long-Tailed Recognition by Test-Time Aggregating Diverse Experts with Self-Supervision (NIPS 2022) Code

Based on RIDE.

Trustworthy Long-Tailed Classification (CVPR 2022) Code

Nested Collaborative Learning for Long-Tailed Visual Recognition (CVPR 2022) Code

(ACE) ACE: Ally Complementary Experts for Solving Long-Tailed Recognition in One-Shot (ICCV 2021) Code

(RIDE) Long-tailed Recognition by Routing Diverse Distribution-Aware Experts (ICLR 2021) Code

(CBD) Class-Balanced Distillation for Long-Tailed Visual Recognition (BMVC 2021) Code

A two-stage solution. The first stage is to learn multiple teacher models distinguished by different data augmentation strategies. In Stage2, a student model is trained from scratch distilled by teachers' knowledge in the feature space instead of the classifier layer.

Long-Tailed Recognition Using Class-Balanced Experts (DAGM-GCPR 2020) Code

(MoE) Improving Long-Tailed Classification from Instance Level (preprint) waiting code

Instance level re-weighting.

Balanced Product of Experts for Long-Tailed Recognition (preprint)

DBN-Mix: Training Dual Branch Network Using Bilateral Mixup Augmentation for Long-Tailed Visual Recognition (preprint)

New Task Settings

Method AP_b AP_f AP_c AP_r AP
SoftmaxCE(Uniform) - 29.3 17.4 1.2 19.3
SoftmaxCE(RFS) - 28.3 21.6 12.9 22.8
MosaicOS (ICCV 2021) 25.05 28.83 22.99 18.17 24.45
EQL v2 (CVPR 2021) 26.1 30.2 24.3 17.7 25.5
ACSL (CVPR 2021) - 29.37 26.41 18.64 26.36
Seesaw (CVPR 2021) 27.4 29.8 26.1 19.6 26.4
LOCE (ICCV 2021) 27.4 30.7 26.2 18.5 26.6
NORCAL (NIPS 2021) 27.77 29.10 25.82 23.86 26.76
FASA (ICCV 2021) - 30.1 27.5 21.0 27.5
  • Results on LVIS-v1.0.
  • ResNet50-FPN is the backbone.
  • The evaluation metric is AP across IoU threshold from 0.5 to 0.95 over all categories. Link
  • AP_b denotes the detection performance while AP denotes the segmentation results.

Long-tailed Instance Segmentation using Gumbel Optimized Loss (ECCV 2022) Code

Equalized Focal Loss for Dense Long-Tailed Object Detection (CVPR 2022) Code

Relieving Long-tailed Instance Segmentation via Pairwise Class Balance (CVPR 2022) Code

Evaluating Large-Vocabulary Object Detectors: The Devil is in the Details (Preprint) Code

(NORCAL) On Model Calibration for Long-Tailed Object Detection and Instance Segmentation (NIPS 2021) Code

Post-processing of logits. Except the background logit, a temperature-like hyperparameter is used to scale down the logits, which is based on the class frequence. I also applied this post-processing techinique on Long-tailed classification and only effective in CIFAR10-LT and CIFAR100-LT but not in large scale dataset like ImageNet-LT.

(FASA) FASA: Feature Augmentation and Sampling Adaptation for Long-Tailed Instance Segmentation (ICCV 2021) Code

  1. Augmentation is performed in the feature space.
  2. For a class to be augmentated, we can compute its mean features from current batch data and then update it in a momentum way. So we can generate virtual features by firstly randomly sampling variation from a gaussian prior and add the variation to the mean feature.

(LOCE) Exploring Classification Equilibrium in Long-Tailed Object Detection (ICCV 2021) Code

Two type of strategies are used: logit margin adjustment and object-level features augmentation. Both strategies are based on the mean class accuraies instead of the class frequency.

(MosaicOS) MOSAICOS: A Simple and Effective Use of Object-Centric Images for Long-Tailed Object Detection (ICCV 2021) Code

Data augmentation method. Utilize object images from ImageNet to create pseudo scene image, and fine-tune the model.

Simple Copy-Paste is a Strong Data Augmentation Method for Instance Segmentation (CVPR 2021) Code

Effective in both COCO and LVIS.

(ACSL) Adaptive Class Suppression Loss for Long-Tail Object Detection (CVPR 2021) Code

Similar to Equalization Loss and Balanced Group Softmax, it also tries to supress the negative graidents on tail classes. But instead of using prior frequency information as the signal, it uses the prediction confidence to decide whether suppresses the negative gradients.

(Seesaw) Seesaw Loss for Long-Tailed Instance Segmentation (CVPR 2021) Code

Cross entropy adjusting based. Two scaling factor is applied in the softmax. The first is to decrease the graident scale on tail classes when the input image belongs to a head class. The second is increse the gradient panelty on any classes if it is predicted wrongly.

(EQL v2) Equalization Loss v2: A New Gradient Balance Approach for Long-tailed Object Detection (CVPR 2021) Code

Gradient-guided re-weighting

DropLoss for Long-Tail Instance Segmentation (AAAI 2021) Code

Unlike EQL, the proposed solution tries to remove the supression from background classes.

Image-Level or Object-Level? A Tale of Two Resampling Strategies for Long-Tailed Detection (ICML 2021) Code

Bi-level sampling. Repeat factor sampling (RFS) is used for image-level sampling. As for the object-level sampling, they propose a memory bank to store (feat, bbx) of tail classes so that more tail objects can be sampled during each batch.

Learning to Segment the Tail (CVPR 2020) Code

Equalization Loss for Long-Tailed Object Recognition (CVPR 2020) Code

Ignore all gradients from head classes when updating tail classifiers.

Overcoming Classifier Imbalance for Long-tail Object Detection with Balanced Group Softmax (CVPR 2020) Code

Categories with similar numbers of training instances into the same group and computes group-wise softmax crossentropy loss respectively.

Imbalanced Continual Learning with Partitioning Reservoir Sampling (ECCV 2020) Code

The Devil is in Classification: A Simple Framework for Long-tail Instance Segmentation (ECCV 2020) Code

Retraining the classification head only with a bi-level sampling scheme. During the inference stage, two classifiers are combined to make the final prediction.

Forest R-CNN: Large-Vocabulary Long-Tailed Object Detection and Instance Segmentation (ACM MM 2020) Code

Imbalanced Semi-Supervised

CoSSL: Co-Learning of Representation and Classifier for Imbalanced Semi-Supervised Learning (CVPR 2022) Code

ABC: Auxiliary Balanced Classifier for Class-Imbalanced Semi-Supervised Learning (NIPS 2021) Code

Long-tailed Video Recognition

Minority-Oriented Vicinity Expansion with Attentive Aggregation for Video Long-Tailed Recognition (AAAI 2023) Code

VideoLT: Large-scale Long-tailed Video Recognition (ICCV 2021) Code


Equalized Focal Loss for Dense Long-Tailed Object Detection (CVPR 2022) Code

On Multi-Domain Long-Tailed Recognition, Imbalanced Domain Generalization and Beyond (ECCV 2022) Code

Tackling Long-Tailed Category Distribution Under Domain Shifts (ECCV 2022) Code

Identifying Hard Noise in Long-Tailed Sample Distribution (ECCV 2022) Code

Adversarial Robustness under Long-Tailed Distribution (CVPR 2021) Code

Calibrating Concepts and Operations: Towards Symbolic Reasoning on Real Images

BGT-Net: Bidirectional GRU Transformer Network for Scene Graph Generation

[Google Landmarks Dataset v2 -- A Large-Scale Benchmark for Instance-Level Recognition and Retrieval]

[Learning of Visual Relations: The Devil is in the Tails]

CReST: A Class-Rebalancing Self-Training Framework for Imbalanced Semi-Supervised Learning (CVPR 2021) Code

Unsupervised Discovery of the Long-Tail in Instance Segmentation Using Hierarchical Self-Supervision (CVPR 2021) Code

awesome-long-tailed's People

Contributors

geraldowong avatar gzwq avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar

awesome-long-tailed's Issues

Add new papers (ECCV 2022, AAAI 2023)

We would like to introduce 2 new papers regarding imbalanced learning.

  1. Minority-Oriented Vicinity Expansion with Attentive Aggregation for Video Long-Tailed Recognition (AAAI 2023)

Arxiv version is available
https://arxiv.org/abs/2211.13471

GitHub is available
https://github.com/wjun0830/MOVE

The imbalance-MiniKinetics200 dataset is available in
http://115.145.172.53:1215/AAAI_2023_MOVE_longtailed_minikinetics/index.html

This paper handles video-imbalanced learning and proposes a new video-imbalanced benchmarking dataset.

  1. Tailoring Self-Supervision for Supervised Learning (ECCV 2022)

Arxiv version is available
https://arxiv.org/abs/2207.10023)

ECCV version is available
https://www.ecva.net/papers/eccv_2022/papers_ECCV/papers/136850342.pdf

GitHub is available
https://github.com/wjun0830/Localizable-Rotation

This paper handles self-supervision to be applied in the supervised domain, including image imbalance learning as the main benchmark.

We'd really appreciate it if you include these papers in your awesome long-tailed learning repository.

Papers on Long-Tailed Learning

Hi,

Thanks for maintaining the list of papers on long-tailed learning.

Can you please update the list with the following related papers:

  1. Improving GANs for Long-Tailed Data through Group Spectral Regularization : pdf / project page / code (github) [ECCV 2022]
  2. Escaping Saddle Points for Effective Generalization on Class-Imbalanced Data pdf / code (coming soon) [NeurIPS 2022]
  3. Class Balancing GAN with a Classifier in the Loop (CBGAN) pdf / code (github) [UAI 2021]

We would appreciate it if you could please include them in your list.

Thanks
Harsh

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.