All Projects → KaihuaTang → Long Tailed Recognition.pytorch

KaihuaTang / Long Tailed Recognition.pytorch

[NeurIPS 2020] This project provides a strong single-stage baseline for Long-Tailed Classification, Detection, and Instance Segmentation (LVIS). It is also a PyTorch implementation of the NeurIPS 2020 paper 'Long-Tailed Classification by Keeping the Good and Removing the Bad Momentum Causal Effect'.

Projects that are alternatives of or similar to Long Tailed Recognition.pytorch

Openhownet
Core Data of HowNet and OpenHowNet Python API
Stars: ✭ 329 (-1.5%)
Mutual labels:  jupyter-notebook
Gtc2017 Numba
Numba tutorial for GTC 2017 conference
Stars: ✭ 334 (+0%)
Mutual labels:  jupyter-notebook
Neural Ode
Jupyter notebook with Pytorch implementation of Neural Ordinary Differential Equations
Stars: ✭ 335 (+0.3%)
Mutual labels:  jupyter-notebook
Aws Security Workshops
A collection of the latest AWS Security workshops
Stars: ✭ 332 (-0.6%)
Mutual labels:  jupyter-notebook
Music Synthesizer For Android
Automatically exported from code.google.com/p/music-synthesizer-for-android
Stars: ✭ 332 (-0.6%)
Mutual labels:  jupyter-notebook
Supervisely
AI for everyone! 🎉 Neural networks, tools and a library we use in Supervisely
Stars: ✭ 332 (-0.6%)
Mutual labels:  jupyter-notebook
Pytorch notebooks
tutorial notebooks
Stars: ✭ 330 (-1.2%)
Mutual labels:  jupyter-notebook
Dota devkit
Stars: ✭ 332 (-0.6%)
Mutual labels:  jupyter-notebook
Amazon Sagemaker Workshop
Amazon SageMaker workshops: Introduction, TensorFlow in SageMaker, and more
Stars: ✭ 332 (-0.6%)
Mutual labels:  jupyter-notebook
Kaggle public
阿水的数据竞赛开源分支
Stars: ✭ 335 (+0.3%)
Mutual labels:  jupyter-notebook
Deepreinforcementlearninginaction
Code from the Deep Reinforcement Learning in Action book from Manning, Inc
Stars: ✭ 329 (-1.5%)
Mutual labels:  jupyter-notebook
Tts
🤖 💬 Deep learning for Text to Speech (Discussion forum: https://discourse.mozilla.org/c/tts)
Stars: ✭ 5,427 (+1524.85%)
Mutual labels:  jupyter-notebook
Tensorly Notebooks
Tensor methods in Python with TensorLy
Stars: ✭ 332 (-0.6%)
Mutual labels:  jupyter-notebook
Artificial Intelligence
Awesome Artificial Intelligence Projects
Stars: ✭ 330 (-1.2%)
Mutual labels:  jupyter-notebook
Keras Multi Label Image Classification
Keras- Multi Label Image Classification
Stars: ✭ 335 (+0.3%)
Mutual labels:  jupyter-notebook
Learning
The data is the future of oil, digging the potential value of the data is very meaningful. This library records my road of machine learning study.
Stars: ✭ 330 (-1.2%)
Mutual labels:  jupyter-notebook
Ccf2016 sougou
ccf2016 sougou final winner solution
Stars: ✭ 333 (-0.3%)
Mutual labels:  jupyter-notebook
Deepdraw
Notebook example of how to generate class visualizations with Caffe
Stars: ✭ 333 (-0.3%)
Mutual labels:  jupyter-notebook
Beeva Best Practices
Best Practices and Style Guides in BEEVA
Stars: ✭ 335 (+0.3%)
Mutual labels:  jupyter-notebook
Transformer Explainability
[CVPR 2021] Official PyTorch implementation for Transformer Interpretability Beyond Attention Visualization, a novel method to visualize classifications by Transformer based networks.
Stars: ✭ 309 (-7.49%)
Mutual labels:  jupyter-notebook

A Strong Single-Stage Baseline for Long-Tailed Problems

Python PyTorch

This project provides a strong single-stage baseline for Long-Tailed Classification (under ImageNet-LT, Long-Tailed CIFAR-10/-100 datasets), Detection, and Instance Segmentation (under LVIS dataset). It is also a PyTorch implementation of the NeurIPS 2020 paper Long-Tailed Classification by Keeping the Good and Removing the Bad Momentum Causal Effect, which proposes a general solution to remove the bad momentum causal effect for a variety of Long-Tailed Recognition tasks. The codes are organized into three folders:

  1. The classification folder supports long-tailed classification on ImageNet-LT, Long-Tailed CIFAR-10/CIFAR-100 datasets.
  2. The lvis_old folder (deprecated) supports long-tailed object detection and instance segmentation on LVIS V0.5 dataset, which is built on top of mmdet V1.1.
  3. The latest version of long-tailed detection and instance segmentation is under lvis1.0 folder. Since both LVIS V0.5 and mmdet V1.1 are no longer available on their homepages, we have to re-implement our method on mmdet V2.4 using LVIS V1.0 annotations.

Slides

If you want to present our work in your group meeting / introduce it to your friends / seek answers for some ambiguous parts in the paper, feel free to use our slides. It has two versions: one-hour full version and five-minute short version.

Installation

The classification part allows the lower version of the following requirements. However, in detection and instance segmentation (mmdet V2.4), I tested some lower versions of python and pytorch, which are all failed. If you want to try other environments, please check the updates of mmdetection.

Requirements:

  • PyTorch >= 1.6.0
  • Python >= 3.7.0
  • CUDA >= 10.1
  • torchvision >= 0.7.0
  • gcc version >= 5.4.0

Step-by-step installation

conda create -n longtail pip python=3.7 -y
source activate longtail
conda install pytorch torchvision cudatoolkit=10.1 -c pytorch
pip install pyyaml tqdm matplotlib sklearn h5py

# download the project
git clone https://github.com/KaihuaTang/Long-Tailed-Recognition.pytorch.git
cd Long-Tailed-Recognition.pytorch

# the following part is only used to build mmdetection 
cd lvis1.0
pip install mmcv-full
pip install mmlvis
pip install -r requirements/build.txt
pip install -v -e .  # or "python setup.py develop"

Additional Notes

When we wrote the paper, we are using lvis V0.5 and mmdet V1.1 for our long-tailed instance segmentation experiments, but they've been deprecated by now. If you want to reproduce our results on lvis V0.5, you have to find a way to build mmdet V1.1 environments and use the code in lvis_old folder.

Datasets

ImageNet-LT

ImageNet-LT is a long-tailed subset of original ImageNet, you can download the dataset from its homepage. After you download the dataset, you need to change the data_root of 'ImageNet' in ./classification/main.py file.

CIFAR-10/-100

When you run the code for the first time, our dataloader will automatically download the CIFAR-10/-100. You need to set the data_root in ./classification/main.py to the path where you want to put all CIFAR data.

LVIS

Large Vocabulary Instance Segmentation (LVIS) dataset uses the COCO 2017 train, validation, and test image sets. If you have already downloaded the COCO images, you only need to download the LVIS annotations. LVIS val set contains images from COCO 2017 train in addition to the COCO 2017 val split.

You need to put all the annotations and images under ./data/LVIS like this:

data
  |-- LVIS
    |--lvis_v1_train.json
    |--lvis_v1_val.json
      |--images
        |--train2017
          |--.... (images)
        |--test2017
          |--.... (images)
        |--val2017
          |--.... (images)

Getting Started

For long-tailed classification, please go to [link]

For long-tailed object detection and instance segmentation, please go to [link]

Advantages of the Proposed Method

  • Compared with previous state-of-the-art Decoupling, our method only requires one-stage training.
  • Most of the existing methods for long-tailed problems are using data distribution to conduct re-sampling or re-weighting during training, which is based on an inappropriate assumption that you can know the future distribution before you start to learn. Meanwhile, the proposed method doesn't need to know the data distribution during training, we only need to use an average feature for inference after we train the model.
  • Our method can be easily transferred to any tasks. We outperform the previous state-of-the-arts Decoupling, BBN, OLTR in image classification, and we achieve better results than 2019 Winner of LVIS challenge EQL in long-tailed object detection and instance segmentation (under the same settings with even fewer GPUs).

Citation

If you find our paper or this project helps your research, please kindly consider citing our paper in your publications.

@inproceedings{tang2020longtailed,
  title={Long-Tailed Classification by Keeping the Good and Removing the Bad Momentum Causal Effect},
  author={Tang, Kaihua and Huang, Jianqiang and Zhang, Hanwang},
  booktitle= {NeurIPS},
  year={2020}
}
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].