cifar100
There are 163 repositories under cifar100 topic.
weiaicunzai/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)
bearpaw/pytorch-classification
Classification with PyTorch.
yoshitomo-matsubara/torchdistill
A coding-free framework built on PyTorch for reproducible deep learning studies. PyTorch Ecosystem. 🏆25 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.
alvinwan/neural-backed-decision-trees
Making decision trees competitive with neural networks on CIFAR10, CIFAR100, TinyImagenet200, Imagenet
junyuseu/pytorch-cifar-models
3.41% and 17.11% error on CIFAR-10 and CIFAR-100
chenyaofo/pytorch-cifar-models
Pretrained models on CIFAR10/100 in PyTorch
zhengli97/CTKD
[AAAI 2023] Official PyTorch Code for "Curriculum Temperature for Knowledge Distillation"
zeiss-microscopy/BSConv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
arthurdouillard/dytox
Dynamic Token Expansion with Continual Transformers, accepted at CVPR 2022
xilaili/AOGNet
Code for CVPR 2019 paper: " Learning Deep Compositional Grammatical Architectures for Visual Recognition"
chengtan9907/Co-learning
The official implementation of the ACM MM'21 paper Co-learning: Learning from noisy labels with self-supervision.
KentoNishi/Augmentation-for-LNL
[CVPR 2021] Code for "Augmentation Strategies for Learning with Noisy Labels".
JunlinHan/YOCO
Code for You Only Cut Once: Boosting Data Augmentation with a Single Cut, ICML 2022.
rishikksh20/CeiT-pytorch
Implementation of Convolutional enhanced image Transformer
lancopku/label-embedding-network
Label Embedding Network
G-U-N/a-PyTorch-Tutorial-to-Class-Incremental-Learning
a PyTorch Tutorial to Class-Incremental Learning | a Distributed Training Template of CIL with core code less than 100 lines.
raghav1810/HydraNet
A multibranch neural net architecture. (PyTorch)
GuanhuaWang/sensAI
sensAI: ConvNets Decomposition via Class Parallelism for Fast Inference on Live Data
owruby/shake-drop_pytorch
PyTorch implementation of shake-drop regularization
Armour/pytorch-nn-practice
💩 My pytorch neural network practice repo
zhengli97/DM-KD
Official PyTorch Code for "Is Synthetic Data From Diffusion Models Ready for Knowledge Distillation?" (https://arxiv.org/abs/2305.12954)
rahulvigneswaran/TailCalibX
Pytorch implementation of Feature Generation for Long-Tail Classification by Rahul Vigneswaran, Marc T Law, Vineeth N Balasubramaniam and Makarand Tapaswi
ryanchankh/cifar100coarse
Build PyTorch CIFAR100 using coarse labels
AsafShul/PoDD
Official PyTorch Implementation for the "Distilling Datasets Into Less Than One Image" paper.
plemeri/RandWire_tensorflow
tensorflow implementation of Exploring Randomly Wired Neural Networks for Image Recognition
kunzhan/InfoMatch
IJCAI 2024, InfoMatch: Entropy neural estimation for semi-supervised image classification
dongkyunk/PatchConvNet-pytorch
Unofficial PyTorch Implementation of "Augmenting Convolutional networks with attention-based aggregation"
Kthyeon/KAIST-AI-NeurIPS2019-MicroNet-2nd-place-solution
NeurIPSCD2019, MicroNet Challenge hosted by Google, Deepmind Researcher, "Efficient Model for Image Classification With Regularization Tricks".
LJY-HY/cifar_pytorch-lightning
CIFAR10, CIFAR100 results with VGG16,Resnet50,WideResnet using pytorch-lightning
prs-eth/FILM-Ensemble
[NeurIPS 2022] FiLM-Ensemble: Probabilistic Deep Learning via Feature-wise Linear Modulation
ShivamRajSharma/Teacher-Student-Network
PyTorch implementation of Teacher-Student Network(Knowledge Distillation).
LJY-HY/MentorMix_pytorch
[MentorMix] "Beyond Synthetic Noise: Deep Learning on Controlled Noisy Labels" implemented in the PyTorch version.
Learning-and-Intelligent-Systems/Analytical-Learning-Theory
97.39% on CIFAR10 with PyTorch
LeoTungAnh/CNN-CIFAR-100
67% accuracy on test set of CIFAR-100 by CNN in Keras without transfer learning
shellysheynin/Locally-SAG-Transformer
Official Pytorch implementation of the paper: "Locally Shifted Attention With Early Global Integration"
horrible-dong/QTClassification
A lightweight and extensible toolbox for image classification