cifar-100
There are 65 repositories under cifar-100 topic.
BIGBALLON/cifar-10-cnn
Play deep learning with CIFAR datasets
WeiChengTseng/Pytorch-PCGrad
Pytorch reimplementation for "Gradient Surgery for Multi-Task Learning"
leaderj1001/MobileNetV3-Pytorch
Implementing Searching for MobileNetV3 paper using Pytorch
dyhan0920/PyramidNet-PyTorch
A PyTorch implementation for PyramidNets (Deep Pyramidal Residual Networks, https://arxiv.org/abs/1610.02915)
knjcode/cifar2png
Convert CIFAR-10 and CIFAR-100 datasets into PNG images
alvinwan/shiftresnet-cifar
ResNet with Shift, Depthwise, or Convolutional Operations for CIFAR-100, CIFAR-10 on PyTorch
jhkim89/PyramidNet
Torch implementation of the paper "Deep Pyramidal Residual Networks" (https://arxiv.org/abs/1610.02915).
microsoft/petridishnn
Code for the neural architecture search methods contained in the paper Efficient Forward Neural Architecture Search
wchliao/multi-task-image-classification
Multi-task learning for image classification implemented in PyTorch.
leaderj1001/RandWireNN
Implementing Randomly Wired Neural Networks for Image Recognition, Using CIFAR-10 dataset, CIFAR-100 dataset
ylsung/gnn_few_shot_cifar100
This is the PyTorch-0.4.0 implementation of few-shot learning on CIFAR-100 with graph neural networks (GNN)
GuanhuaWang/sensAI
sensAI: ConvNets Decomposition via Class Parallelism for Fast Inference on Live Data
Westlake-AI/SemiReward
[ICLR 2024] SemiReward: A General Reward Model for Semi-supervised Learning
ShowLo/MobileNetV3
An implementation of MobileNetV3 with pyTorch
mpatacchiola/tensorbag
Collection of tensorflow notebooks tutorials for implementing some basic Deep Learning architectures.
wgcban/mix-bt
Official PyTorch Implementation of Guarding Barlow Twins Against Overfitting with Mixed Samples
itisianlee/paddle-cifar100
paddle cifar100 training
ravi03071991/NIPS-Global-Paper-Implementation-Challenge
Selective Classification For Deep Neural Networks.
nickbiso/TF-CNN-Cifar-100
Convolutional Neural Networks using Tensorflow with Cifar-100 dataset
wagner-group/pubdef
Official code for "PubDef: Defending Against Transfer Attacks From Public Models" (ICLR 2024)
BIGBALLON/ResNet_CIFAR
Residual Network Experiments with CIFAR Datasets.
jinwoolim8180/fl-baseline
A PyTorch framework for federated learning. This is a very basic framework.
deep-diver/VGG
VGG models from ILSVRC 2014
wooks527/mobilenetv2-pytorch
This repository provides experiment results for MobileNetV2 based on PyTorch.
mwritescode/nnclr-cifar100
We implement NNCLR and a novel clustering-based technique for contrastive learning that we call KMCLR. We show that applying a clustering technique to obtain prototype embeddings and using these prototypes to form positive pairs for contrastive loss can achieve performances on par with NNCLR on CIFAR-100 while storing 0.4% of the number of vectors.
olegranmo/Plug-and-Play-Collaboration-Between-Specialized-Tsetlin-Machines
Plug-and-play collaboration between specialized Tsetlin machines
aaravindravi/TransferLearningCIFAR100Classification
Classification of CIFAR 100 Images - Transfer Learning - ResNet-50
rafaie/cifar-100
It's a project to apply convolutional neural networks to the problem of image classification from the CIFAR 100 dataset.
sverneka/wide-resnet-cifar100-kaggle
Wide-Resnet-Ensemble implementation for CIFAR100 kaggle submission: >83.97% on kaggle private leaderboard
tedchsk/image_nn
A deeper look into dense shortcut nets.
pressi-g/pytorch-vit
Vision transformer and CNN implementations for image classification using PyTorch.
Saury997/AI-Intro-Assignment
Source code for "artificial intelligence introduction" course assignment.
SuzukiWest/CIFAR-CentralBigTransfer
This project aimed to determine the ideal hyperparameters to classify the CIFAR-100 dataset.
thetechdude124/SADDLE-POINT-RECRUITMENT-FOR-KNOWLEDGE-DISTILLATION
ISEF 2023 (TEAM CANADA) PROJECT. Find the complete documentation and code in the README file linked here and below.