All Projects → prlz77 → Resnext.pytorch

prlz77 / Resnext.pytorch

Licence: mit
Reproduces ResNet-V3 with pytorch

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Resnext.pytorch

Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (-6.84%)
Mutual labels:  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 (-11.79%)
Mutual labels:  resnet, resnext
Classification models
Classification models trained on ImageNet. Keras.
Stars: ✭ 938 (+121.23%)
Mutual labels:  resnet, resnext
Mmclassification
OpenMMLab Image Classification Toolbox and Benchmark
Stars: ✭ 532 (+25.47%)
Mutual labels:  resnet, resnext
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 (+471.46%)
Mutual labels:  resnet, resnext
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 (+69.81%)
Mutual labels:  resnet, resnext
Pretrained Models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
Stars: ✭ 8,318 (+1861.79%)
Mutual labels:  resnet, resnext
Cifar Zoo
PyTorch implementation of CNNs for CIFAR benchmark
Stars: ✭ 584 (+37.74%)
Mutual labels:  resnet, resnext
Pytorch Speech Commands
Speech commands recognition with PyTorch
Stars: ✭ 128 (-69.81%)
Mutual labels:  resnet, resnext
Pytorch Classification
Classification with PyTorch.
Stars: ✭ 1,268 (+199.06%)
Mutual labels:  resnet, resnext
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 (-88.44%)
Mutual labels:  resnet, resnext
medium blogs
medium blog supplementaries | Backprop | Resnet & ResNext | RNN |
Stars: ✭ 69 (-83.73%)
Mutual labels:  resnet, resnext
Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+196.7%)
Mutual labels:  resnet, resnext
Tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
Stars: ✭ 3,456 (+715.09%)
Mutual labels:  resnet, resnext
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+743.16%)
Mutual labels:  resnet, resnext
Shake Shake
2.86% and 15.85% on CIFAR-10 and CIFAR-100
Stars: ✭ 291 (-31.37%)
Mutual labels:  resnet
Real Time Gesrec
Real-time Hand Gesture Recognition with PyTorch on EgoGesture, NvGesture, Jester, Kinetics and UCF101
Stars: ✭ 339 (-20.05%)
Mutual labels:  resnet
Awesome Computer Vision Models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 278 (-34.43%)
Mutual labels:  resnet
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (-35.85%)
Mutual labels:  resnet
Deeplabv3plus Pytorch
DeepLabv3, DeepLabv3+ and pretrained weights on VOC & Cityscapes
Stars: ✭ 337 (-20.52%)
Mutual labels:  resnet

ResNeXt.pytorch

Reproduces ResNet-V3 (Aggregated Residual Transformations for Deep Neural Networks) with pytorch.

  • [x] Tried on pytorch 1.6
  • [x] Trains on Cifar10 and Cifar100
  • [x] Upload Cifar Training Curves
  • [x] Upload Cifar Trained Models
  • [x] Pytorch 0.4.0
  • [ ] Train Imagenet

Download

git clone https://github.com/prlz77/resnext.pytorch
cd resnext.pytorch
# git checkout R4.0 or R3.0 for backwards compatibility (not recommended).

Usage

To train on Cifar-10 using 2 gpu:

python train.py ~/DATASETS/cifar.python cifar10 -s ./snapshots --log ./logs --ngpu 2 --learning_rate 0.05 -b 128

It should reach ~3.65% on Cifar-10, and ~17.77% on Cifar-100.

After train phase, you can check saved model.

Thanks to @AppleHolic we have now a test script:

To test on Cifar-10 using 2 gpu:

python test.py ~/DATASETS/cifar.python cifar10 --ngpu 2 --load ./snapshots/model.pytorch --test_bs 128 

Configurations

From the original paper:

cardinality base_width parameters Error cifar10 error cifar100 default
8 64 34.4M 3.65 17.77 x
16 64 68.1M 3.58 17.31

Update: widen_factor has been disentangled from base_width because it was confusing. Now widen factor is set to consant 4, and base_width is the same as in the original paper.

Trained models and curves

Link to trained models corresponding to the following curves:

Update: several commits have been pushed after training the models in Mega, so it is recommended to revert to e10c37d8cf7a958048bc0f58cd86c3e8ac4e707d

CIFAR-10 CIFAR-100

Other frameworks

Cite

@article{xie2016aggregated,
  title={Aggregated residual transformations for deep neural networks},
  author={Xie, Saining and Girshick, Ross and Doll{\'a}r, Piotr and Tu, Zhuowen and He, Kaiming},
  journal={arXiv preprint arXiv:1611.05431},
  year={2016}
}
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].