All Projects → owruby → shake-drop_pytorch

owruby / shake-drop_pytorch

Licence: MIT license
PyTorch implementation of shake-drop regularization

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to shake-drop pytorch

Image classification cifar 10
Image Classification on CIFAR-10 Dataset using Multi Layer Perceptrons in Python from Scratch.
Stars: ✭ 18 (-64%)
Mutual labels:  image-classification, cifar10
Neural Backed Decision Trees
Making decision trees competitive with neural networks on CIFAR10, CIFAR100, TinyImagenet200, Imagenet
Stars: ✭ 411 (+722%)
Mutual labels:  image-classification, cifar10
PFL-Non-IID
The origin of the Non-IID phenomenon is the personalization of users, who generate the Non-IID data. With Non-IID (Not Independent and Identically Distributed) issues existing in the federated learning setting, a myriad of approaches has been proposed to crack this hard nut. In contrast, the personalized federated learning may take the advantage…
Stars: ✭ 58 (+16%)
Mutual labels:  cifar10, cifar100
Torchdistill
PyTorch-based modular, configuration-driven framework for knowledge distillation. 🏆18 methods including SOTA are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy.
Stars: ✭ 177 (+254%)
Mutual labels:  image-classification, cifar10
Aognet
Code for CVPR 2019 paper: " Learning Deep Compositional Grammatical Architectures for Visual Recognition"
Stars: ✭ 132 (+164%)
Mutual labels:  image-classification, cifar10
Bsconv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Stars: ✭ 84 (+68%)
Mutual labels:  image-classification, cifar10
BottleneckTransformers
Bottleneck Transformers for Visual Recognition
Stars: ✭ 231 (+362%)
Mutual labels:  image-classification, cifar10
Petridishnn
Code for the neural architecture search methods contained in the paper Efficient Forward Neural Architecture Search
Stars: ✭ 112 (+124%)
Mutual labels:  image-classification, cifar10
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 (+4746%)
Mutual labels:  image-classification, cifar100
pytorch-cifar-model-zoo
Implementation of Conv-based and Vit-based networks designed for CIFAR.
Stars: ✭ 62 (+24%)
Mutual labels:  image-classification, cifar10
Catalyst
Accelerated deep learning R&D
Stars: ✭ 2,804 (+5508%)
Mutual labels:  image-classification
Googlenet Inception
TensorFlow implementation of GoogLeNet and Inception for image classification.
Stars: ✭ 230 (+360%)
Mutual labels:  image-classification
SimMIM
This is an official implementation for "SimMIM: A Simple Framework for Masked Image Modeling".
Stars: ✭ 717 (+1334%)
Mutual labels:  image-classification
tensorflow-image-recognition-chrome-extension
Chrome browser extension for using TensorFlow image recognition on web pages
Stars: ✭ 88 (+76%)
Mutual labels:  image-classification
Ml Classifier Ui
A UI tool for quickly training image classifiers in the browser
Stars: ✭ 224 (+348%)
Mutual labels:  image-classification
SCL
📄 Spatial Contrastive Learning for Few-Shot Classification (ECML/PKDD 2021).
Stars: ✭ 42 (-16%)
Mutual labels:  image-classification
Nfnets Pytorch
NFNets and Adaptive Gradient Clipping for SGD implemented in PyTorch
Stars: ✭ 215 (+330%)
Mutual labels:  image-classification
Pixel level land classification
Tutorial demonstrating how to create a semantic segmentation (pixel-level classification) model to predict land cover from aerial imagery. This model can be used to identify newly developed or flooded land. Uses ground-truth labels and processed NAIP imagery provided by the Chesapeake Conservancy.
Stars: ✭ 217 (+334%)
Mutual labels:  image-classification
Transfer Learning Suite
Transfer Learning Suite in Keras. Perform transfer learning using any built-in Keras image classification model easily!
Stars: ✭ 212 (+324%)
Mutual labels:  image-classification
tensorflow-image-classifier
image classifier, retrained for specific classes
Stars: ✭ 58 (+16%)
Mutual labels:  image-classification

Shake Drop regularization

PyTorch implementation of shake-drop regularization.

Dependencies

  • python 3.5+
  • PyTorch 1.0.0

Accuracy

CIFAR-100

Model Method Level Alpha Beta This implementaion Paper
PyramidNet ShakeDrop Batch [-1, 1] [0, 1] 83.90 83.78

CIFAR-100

Train PyramidNet(depth=110, alpha=270) with shake-drop for CIFAR-100

python train.py --epochs 300 --batch_size 128 --label 100 --lr 0.5 --depth 110 --alpha 270 --snapshot_interval 10

References

Yoshihiro Yamada, Masakazu Iwamura, Koichi Kise. "ShakeDrop regularization" ICLR2018 UnderReview

Yoshihiro Yamada, Masakazu Iwamura, Takuya Akiba, Koichi Kise. " ShakeDrop Regularization for Deep Residual Learning" arXiv:1802.02375v2

Author Torch Implementation https://github.com/imenurok/ShakeDrop

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