There are 1 repository under cifar100 topic.
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)
Classification with PyTorch.
A coding-free framework built on PyTorch for reproducible deep learning studies. 🏆20 knowledge distillation methods presented at CVPR, ICLR, ECCV, NeurIPS, ICCV, etc are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy and benchmark.
Making decision trees competitive with neural networks on CIFAR10, CIFAR100, TinyImagenet200, Imagenet
3.41% and 17.11% error on CIFAR-10 and CIFAR-100
Code for CVPR 2019 paper: " Learning Deep Compositional Grammatical Architectures for Visual Recognition"
Pretrained models on CIFAR10/100 in PyTorch
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
[CVPR 2021] Code for "Augmentation Strategies for Learning with Noisy Labels".
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 of the Non-IID data to learn the personalized model for each user. Thanks to @Stonesjtu, this platform can also record the GPU memory usage for the model.
Label Embedding Network
Implementation of Convolutional enhanced image Transformer
Code for You Only Cut Once: Boosting Data Augmentation with a Single Cut, ICML 2022.
sensAI: ConvNets Decomposition via Class Parallelism for Fast Inference on Live Data
💩 My pytorch neural network practice repo
PyTorch implementation of shake-drop regularization
Dynamic Token Expansion with Continual Transformers, accepted at CVPR 2022
A multibranch neural net architecture. (PyTorch)
tensorflow implementation of Exploring Randomly Wired Neural Networks for Image Recognition
Pytorch implementation of Feature Generation for Long-Tail Classification by Rahul Vigneswaran, Marc T Law, Vineeth N Balasubramaniam and Makarand Tapaswi
Unofficial PyTorch Implementation of "Augmenting Convolutional networks with attention-based aggregation"
NeurIPSCD2019, MicroNet Challenge hosted by Google, Deepmind Researcher, "Efficient Model for Image Classification With Regularization Tricks".
CIFAR10, CIFAR100 results with VGG16,Resnet50,WideResnet using pytorch-lightning
Official Pytorch implementation of the paper: "Locally Shifted Attention With Early Global Integration"
[MentorMix] "Beyond Synthetic Noise: Deep Learning on Controlled Noisy Labels" implemented in the PyTorch version.
97.39% on CIFAR10 with PyTorch
Unofficial Tensorflow Implementation of ConvNeXt from "A ConvNet for the 2020s"
A minimal Tensorflow2.0 implementation of Resnet on CIFAR10 dataset.
Convolutional Neural Networks using Tensorflow with Cifar-100 dataset
vanilla training and adversarial training in PyTorch
Pytorch model for classification
Code for Adaptation Network introduced in "Block-wise Scrambled Image Recognition Using Adaptation Network" paper (AAAI WS 2020)
Implementation of ConvMixer-Patches Are All You Need? in TensorFlow and Keras
Convolutional visions Transformer - implemented for Tensorflow