All Projects → open-mmlab → Mmclassification

open-mmlab / Mmclassification

Licence: apache-2.0
OpenMMLab Image Classification Toolbox and Benchmark

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Mmclassification

Pytorch Cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
Stars: ✭ 2,423 (+355.45%)
Mutual labels:  image-classification, resnet, mobilenet, resnext
Classification models
Classification models trained on ImageNet. Keras.
Stars: ✭ 938 (+76.32%)
Mutual labels:  resnet, imagenet, mobilenet, resnext
Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+136.47%)
Mutual labels:  resnet, imagenet, resnext
Pytorch Classification
Classification with PyTorch.
Stars: ✭ 1,268 (+138.35%)
Mutual labels:  resnet, imagenet, resnext
Tf Mobilenet V2
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow
Stars: ✭ 85 (-84.02%)
Mutual labels:  image-classification, imagenet, mobilenet
Segmentationcpp
A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.
Stars: ✭ 49 (-90.79%)
Mutual labels:  resnet, imagenet, resnext
Pretrained Models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
Stars: ✭ 8,318 (+1463.53%)
Mutual labels:  resnet, imagenet, resnext
Bsconv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Stars: ✭ 84 (-84.21%)
Mutual labels:  image-classification, resnet, mobilenet
Octconv.pytorch
PyTorch implementation of Octave Convolution with pre-trained Oct-ResNet and Oct-MobileNet models
Stars: ✭ 229 (-56.95%)
Mutual labels:  resnet, imagenet, mobilenet
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (-25.75%)
Mutual labels:  image-classification, resnet, resnext
Basic cnns tensorflow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
Stars: ✭ 374 (-29.7%)
Mutual labels:  image-classification, resnet, resnext
ModelZoo.pytorch
Hands on Imagenet training. Unofficial ModelZoo project on Pytorch. MobileNetV3 Top1 75.64🌟 GhostNet1.3x 75.78🌟
Stars: ✭ 42 (-92.11%)
Mutual labels:  imagenet, resnet, mobilenet
Keras Idiomatic Programmer
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
Stars: ✭ 720 (+35.34%)
Mutual labels:  resnet, mobilenet, resnext
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+571.99%)
Mutual labels:  resnet, mobilenet, resnext
Efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
Stars: ✭ 1,920 (+260.9%)
Mutual labels:  image-classification, imagenet, mobilenet
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (-69.36%)
Mutual labels:  image-classification, resnet, imagenet
cifar-tensorflow
No description or website provided.
Stars: ✭ 18 (-96.62%)
Mutual labels:  image-classification, resnet, mobilenet
Resnetcam Keras
Keras implementation of a ResNet-CAM model
Stars: ✭ 269 (-49.44%)
Mutual labels:  image-classification, resnet
regnet.pytorch
PyTorch-style and human-readable RegNet with a spectrum of pre-trained models
Stars: ✭ 50 (-90.6%)
Mutual labels:  imagenet, resnext
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (-48.87%)
Mutual labels:  image-classification, resnet

Build Status Documentation Status codecov license

Introduction

MMClassification is an open source image classification toolbox based on PyTorch. It is a part of the OpenMMLab project.

Documentation: https://mmclassification.readthedocs.io/en/latest/

demo

Major features

  • Various backbones and pretrained models
  • Bag of training tricks
  • Large-scale training configs
  • High efficiency and extensibility

License

This project is released under the Apache 2.0 license.

Changelog

v0.9.0 was released in 1/3/2021. Please refer to changelog.md for details and release history.

Benchmark and model zoo

Results and models are available in the model zoo.

Supported backbones:

  • [x] ResNet
  • [x] ResNeXt
  • [x] SE-ResNet
  • [x] SE-ResNeXt
  • [x] RegNet
  • [x] ShuffleNetV1
  • [x] ShuffleNetV2
  • [x] MobileNetV2
  • [x] MobileNetV3

Installation

Please refer to install.md for installation and dataset preparation.

Getting Started

Please see getting_started.md for the basic usage of MMClassification. There are also tutorials for finetuning models, adding new dataset, designing data pipeline, and adding new modules.

Contributing

We appreciate all contributions to improve MMClassification. Please refer to CONTRUBUTING.md for the contributing guideline.

Acknowledgement

MMClassification is an open source project that is contributed by researchers and engineers from various colleges and companies. We appreciate all the contributors who implement their methods or add new features, as well as users who give valuable feedbacks. We wish that the toolbox and benchmark could serve the growing research community by providing a flexible toolkit to reimplement existing methods and develop their own new classifiers.

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].