There are 3 repositories 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. PyTorch Ecosystem. 🏆26 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
Pretrained models on CIFAR10/100 in PyTorch
3.41% and 17.11% error on CIFAR-10 and CIFAR-100
[AAAI 2023] Official PyTorch Code for "Curriculum Temperature for Knowledge Distillation"
Dynamic Token Expansion with Continual Transformers, accepted at CVPR 2022
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Code for CVPR 2019 paper: " Learning Deep Compositional Grammatical Architectures for Visual Recognition"
The official implementation of the ACM MM'21 paper Co-learning: Learning from noisy labels with self-supervision.
[CVPR 2021] Code for "Augmentation Strategies for Learning with Noisy Labels".
Code for You Only Cut Once: Boosting Data Augmentation with a Single Cut, ICML 2022.
Implementation of Convolutional enhanced image Transformer
a PyTorch Tutorial to Class-Incremental Learning | a Distributed Training Template of CIL with core code less than 100 lines.
Label Embedding Network
A multibranch neural net architecture. (PyTorch)
sensAI: ConvNets Decomposition via Class Parallelism for Fast Inference on Live Data
PyTorch implementation of shake-drop regularization
💩 My pytorch neural network practice repo
Official PyTorch Code for "Is Synthetic Data From Diffusion Models Ready for Knowledge Distillation?" (https://arxiv.org/abs/2305.12954)
Official PyTorch Implementation for the "Distilling Datasets Into Less Than One Image" paper.
Pytorch implementation of Feature Generation for Long-Tail Classification by Rahul Vigneswaran, Marc T Law, Vineeth N Balasubramaniam and Makarand Tapaswi
IJCAI 2024, InfoMatch: Entropy neural estimation for semi-supervised image classification
tensorflow implementation of Exploring Randomly Wired Neural Networks for Image Recognition
Unofficial PyTorch Implementation of "Augmenting Convolutional networks with attention-based aggregation"
PyTorch implementation of Teacher-Student Network(Knowledge Distillation).
NeurIPSCD2019, MicroNet Challenge hosted by Google, Deepmind Researcher, "Efficient Model for Image Classification With Regularization Tricks".
[NeurIPS 2022] FiLM-Ensemble: Probabilistic Deep Learning via Feature-wise Linear Modulation
CIFAR10, CIFAR100 results with VGG16,Resnet50,WideResnet using pytorch-lightning
A lightweight and extensible toolbox for image classification
[MentorMix] "Beyond Synthetic Noise: Deep Learning on Controlled Noisy Labels" implemented in the PyTorch version.
67% accuracy on test set of CIFAR-100 by CNN in Keras without transfer learning
Using CLIP for zero-shot learning and image classification with text & visual prompting.
Official Pytorch implementation of the paper: "Locally Shifted Attention With Early Global Integration"