Topic: "cifar100"
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)
Language: Python - Size: 530 KB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 4,532 - Forks: 1,192

bearpaw/pytorch-classification
Classification with PyTorch.
Language: Python - Size: 428 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 1,731 - Forks: 558

yoshitomo-matsubara/torchdistill
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.
Language: Python - Size: 10.5 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 1,543 - Forks: 135

alvinwan/neural-backed-decision-trees
Making decision trees competitive with neural networks on CIFAR10, CIFAR100, TinyImagenet200, Imagenet
Language: Python - Size: 2.57 MB - Last synced at: 4 days ago - Pushed at: over 2 years ago - Stars: 622 - Forks: 131

chenyaofo/pytorch-cifar-models
Pretrained models on CIFAR10/100 in PyTorch
Language: Python - Size: 9.01 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 350 - Forks: 57

junyuseu/pytorch-cifar-models
3.41% and 17.11% error on CIFAR-10 and CIFAR-100
Language: Python - Size: 17.6 KB - Last synced at: 8 months ago - Pushed at: over 6 years ago - Stars: 330 - Forks: 96

zhengli97/CTKD
[AAAI 2023] Official PyTorch Code for "Curriculum Temperature for Knowledge Distillation"
Language: Python - Size: 1.81 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 143 - Forks: 12

arthurdouillard/dytox
Dynamic Token Expansion with Continual Transformers, accepted at CVPR 2022
Language: Python - Size: 3.4 MB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 141 - Forks: 16

zeiss-microscopy/BSConv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Language: Python - Size: 1.73 MB - Last synced at: about 13 hours ago - Pushed at: almost 3 years ago - Stars: 139 - Forks: 24

xilaili/AOGNet
Code for CVPR 2019 paper: " Learning Deep Compositional Grammatical Architectures for Visual Recognition"
Language: Python - Size: 54.7 KB - Last synced at: 15 days ago - Pushed at: about 6 years ago - Stars: 130 - Forks: 19

chengtan9907/Co-learning
The official implementation of the ACM MM'21 paper Co-learning: Learning from noisy labels with self-supervision.
Language: Python - Size: 104 KB - Last synced at: 6 days ago - Pushed at: over 3 years ago - Stars: 124 - Forks: 12

KentoNishi/Augmentation-for-LNL
[CVPR 2021] Code for "Augmentation Strategies for Learning with Noisy Labels".
Language: Python - Size: 50.1 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 113 - Forks: 12

JunlinHan/YOCO
Code for You Only Cut Once: Boosting Data Augmentation with a Single Cut, ICML 2022.
Language: Python - Size: 5.3 MB - Last synced at: 21 days ago - Pushed at: about 2 years ago - Stars: 105 - Forks: 10

rishikksh20/CeiT-pytorch
Implementation of Convolutional enhanced image Transformer
Language: Python - Size: 822 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 99 - Forks: 15

lancopku/label-embedding-network
Label Embedding Network
Language: Python - Size: 1.29 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 87 - Forks: 26

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.
Language: Python - Size: 22.1 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 78 - Forks: 6

raghav1810/HydraNet
A multibranch neural net architecture. (PyTorch)
Language: Python - Size: 135 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 67 - Forks: 19

GuanhuaWang/sensAI
sensAI: ConvNets Decomposition via Class Parallelism for Fast Inference on Live Data
Language: Python - Size: 1.27 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 64 - Forks: 8

owruby/shake-drop_pytorch
PyTorch implementation of shake-drop regularization
Language: Python - Size: 60.5 KB - Last synced at: 8 months ago - Pushed at: over 5 years ago - Stars: 54 - Forks: 15

Armour/pytorch-nn-practice
💩 My pytorch neural network practice repo
Language: Python - Size: 2.72 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 51 - Forks: 10

rahulvigneswaran/TailCalibX
Pytorch implementation of Feature Generation for Long-Tail Classification by Rahul Vigneswaran, Marc T Law, Vineeth N Balasubramaniam and Makarand Tapaswi
Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: 7 months ago - Pushed at: almost 3 years ago - Stars: 38 - Forks: 4

ryanchankh/cifar100coarse
Build PyTorch CIFAR100 using coarse labels
Language: Python - Size: 1.95 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 37 - Forks: 2

AsafShul/PoDD
Official PyTorch Implementation for the "Distilling Datasets Into Less Than One Image" paper.
Language: Python - Size: 12.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 32 - Forks: 1

kunzhan/InfoMatch
IJCAI 2024, InfoMatch: Entropy neural estimation for semi-supervised image classification
Language: Python - Size: 3.11 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 31 - Forks: 0

plemeri/RandWire_tensorflow
tensorflow implementation of Exploring Randomly Wired Neural Networks for Image Recognition
Language: Python - Size: 318 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 31 - Forks: 9

dongkyunk/PatchConvNet-pytorch
Unofficial PyTorch Implementation of "Augmenting Convolutional networks with attention-based aggregation"
Language: Python - Size: 7.81 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 27 - Forks: 5

prs-eth/FILM-Ensemble
[NeurIPS 2022] FiLM-Ensemble: Probabilistic Deep Learning via Feature-wise Linear Modulation
Language: Python - Size: 131 KB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 24 - Forks: 2

Kthyeon/KAIST-AI-NeurIPS2019-MicroNet-2nd-place-solution
NeurIPSCD2019, MicroNet Challenge hosted by Google, Deepmind Researcher, "Efficient Model for Image Classification With Regularization Tricks".
Language: Python - Size: 33.3 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 23 - Forks: 7

horrible-dong/QTClassification
A lightweight and extensible toolbox for image classification
Language: Python - Size: 374 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 16 - Forks: 1

LJY-HY/MentorMix_pytorch
[MentorMix] "Beyond Synthetic Noise: Deep Learning on Controlled Noisy Labels" implemented in the PyTorch version.
Language: Python - Size: 36.1 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 14 - Forks: 2

LJY-HY/cifar_pytorch-lightning
CIFAR10, CIFAR100 results with VGG16,Resnet50,WideResnet using pytorch-lightning
Language: Python - Size: 16.6 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 14 - Forks: 3

Learning-and-Intelligent-Systems/Analytical-Learning-Theory
97.39% on CIFAR10 with PyTorch
Language: Python - Size: 60.5 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 14 - Forks: 3

shellysheynin/Locally-SAG-Transformer
Official Pytorch implementation of the paper: "Locally Shifted Attention With Early Global Integration"
Language: Python - Size: 1.34 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 13 - Forks: 1

JinXins/SUMix
About Official PyTorch(MMCV) implementation of “SUMix: Mixup with Semantic and Uncertain Information” (ECCV 2024)
Language: Python - Size: 2.63 MB - Last synced at: 21 days ago - Pushed at: about 1 year ago - Stars: 12 - Forks: 0

dongkyunk/ConvNext-tensorflow
Unofficial Tensorflow Implementation of ConvNeXt from "A ConvNet for the 2020s"
Language: Python - Size: 8.79 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 12 - Forks: 3

sayannath/ConvMixer-TensorFlow
Implementation of ConvMixer-Patches Are All You Need? in TensorFlow and Keras
Language: Python - Size: 1.75 MB - Last synced at: 4 months ago - Pushed at: almost 4 years ago - Stars: 12 - Forks: 0

cyborg-ai-ch/CvT-tf
Convolutional visions Transformer - implemented for Tensorflow
Language: Python - Size: 408 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 11 - Forks: 4

blaueck/pytorch-demo
A small demo for training cnn with pytorch.
Language: Python - Size: 110 KB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 3

ShivamRajSharma/Teacher-Student-Network
PyTorch implementation of Teacher-Student Network(Knowledge Distillation).
Language: Python - Size: 25.4 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 10 - Forks: 1

lrzpellegrini/icarl-pytorch
A working PyTorch implementation of the iCaRL algorithm (for Cifar100 experiments)
Language: Python - Size: 18.6 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 4

zhangkaifang/ResNet
A minimal Tensorflow2.0 implementation of Resnet on CIFAR10 dataset.
Language: Python - Size: 11.7 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 1

MADONOKOUKI/Block-wise-Scrambled-Image-Recognition
Code for Adaptation Network introduced in "Block-wise Scrambled Image Recognition Using Adaptation Network" paper (AAAI WS 2020)
Language: Python - Size: 1.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 10 - Forks: 7

AlirezaAzadbakht/kernel-sharing
Drastically Reducing the Number of Trainable Parameters in Deep CNNs by Inter-layer Kernel-sharing
Language: Python - Size: 171 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 9 - Forks: 0

fanghenshaometeor/vanilla-adversarial-training
vanilla training and adversarial training in PyTorch
Language: Python - Size: 791 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 2

LeoTungAnh/CNN-CIFAR-100
67% accuracy on test set of CIFAR-100 by CNN in Keras without transfer learning
Language: Jupyter Notebook - Size: 394 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 2

nickbiso/TF-CNN-Cifar-100
Convolutional Neural Networks using Tensorflow with Cifar-100 dataset
Language: Jupyter Notebook - Size: 1.12 MB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 8 - Forks: 4

athglentis/feather
Feather is a module that enables effective sparsification of neural networks during training. This repository accompanies the paper "Feather: An Elegant Solution to Effective DNN Sparsification" (BMVC2023).
Language: Python - Size: 863 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 0

pedrodiamel/pytorch-classification
Pytorch model for classification
Language: Jupyter Notebook - Size: 17.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 0

EstherBear/implementation-of-network-slimming
A reproduction of Learning Efficient Convolutional Networks through Network Slimming
Language: Python - Size: 1.83 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 7 - Forks: 0

AI-Partner-Cool/SimpleClassification
Image Classification Tutorial: ConvNext--> 98.8% on CIFAR10 + 92.4% on CIFAR100; ResNet18 -- 95.6% on CIFAR10 + 79.1% on CIFAR100
Language: Python - Size: 312 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 6 - Forks: 1

visresearch/dems
This repository includes official implementation and model weights of Data-Efficient Multi-Scale Fusion Vision Transformer.
Language: Python - Size: 279 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 6 - Forks: 0

mftnakrsu/CIFAR100-CNN-PyTorch
inzva Applied AI Study Group #5 - August 2021 Homework-1
Language: Jupyter Notebook - Size: 902 KB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 6 - Forks: 1

Alessio-Siciliano/Incremental-Learning-iCarl
Language: Python - Size: 469 KB - Last synced at: 21 days ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 2

dinarior/resnet_embeddings_extractor
Small and easily modifiable notebook to extract embeddings from pre trained resnet50
Language: Jupyter Notebook - Size: 22.5 KB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 1

AIDynamics/NeoPulse_Examples
Model training examples for NeoPulse AI Studio AMI
Language: Python - Size: 115 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 7

UestcJay/cifar10_cifar100_pytorch
Practice on cifar10 and cifar100(Vgg, ResNet, ResNeXt, Mobilenet, Mobilenetv2) ,there will be more.
Language: Python - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

fcakyon/cifar100-resnet
ResNet Implementation for CIFAR100 in Pytorch
Language: Jupyter Notebook - Size: 138 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

xaltair/cifar100_cnn_keras
simple cnn model in keras for classification of CIFAR100 data set
Language: Jupyter Notebook - Size: 2.93 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 5 - Forks: 5

KimRass/ViT
PyTorch implementation of 'ViT' (Dosovitskiy et al., 2020) and training it on CIFAR-10 and CIFAR-100
Language: Python - Size: 39.9 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

abhinav-neil/clip-zs-prompting
Using CLIP for zero-shot learning and image classification with text & visual prompting.
Language: Python - Size: 7.66 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

harsmac/MUFIACode
Code for the attack multiplicative filter attack MUFIA, from the paper "Frequency-based vulnerability analysis of deep learning models against image corruptions".
Language: Python - Size: 3.03 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

GorkemP/pytorch_classification
Minimal and clean CIFAR10 and ImageNet classification
Language: Python - Size: 72.3 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

wtupc96/channel-fusion
The author's officially PyTorch Channel-Fusion implementation.
Language: Python - Size: 313 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

saeidnp/RegNet
Regularizing deep networks (for classification)
Language: Python - Size: 15.6 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 2

zh320/image-classification-pytorch
Simplified PyTorch implementation of image classification, support CIFAR10, CIFAR100, MNIST, custom dataset, multi-gpu training and validating, automatic mixed precision training, knowledge distillation, hyperparameter optimization using Optuna etc.
Language: Python - Size: 43 KB - Last synced at: 5 months ago - Pushed at: 8 months ago - Stars: 2 - Forks: 0

KareimGazer/Classify-Cifar-100
classifying CIFAR-100 data set using MCSVM and Deep Conv Net
Language: Jupyter Notebook - Size: 469 KB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

MMHosseini/image_classification_using_convolutional_neural_networks
CNN-based image classification
Language: Python - Size: 187 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

emanuele-progr/Data-Incremental-Learning
A python framework for dealing and experimenting with image classification in a data-incremental scenario.
Language: Python - Size: 4.29 MB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

pprp/MutableNAS
Channel Search for ResNet20; cvpr21 NAS workshop 16th
Language: Python - Size: 169 MB - Last synced at: 28 days ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

AlKun25/ResAttNet
Repository of Team Lynx for ResCon 2021
Language: Python - Size: 70.7 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 4

WingsBrokenAngel/fractional_max_pooling_and_recurrent_convolutional_neural_network
Implementation of fractional max pooling model and recurrent convolutional neural network
Language: Python - Size: 759 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

manuel-lang/CIFAR-100-CNN-Feature-Data
CIFAR 100 feature data extracted from a VGG16 pre-trained on ImageNet.
Language: Python - Size: 27.5 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 2

HANKSOONG/MiniVision-Lightweight-and-Transformer-Models-for-CIFAR
Benchmarking CNNs and Vision Transformers on CIFAR-10/100 using a unified PyTorch pipeline with transfer learning and model fusion.
Language: Jupyter Notebook - Size: 68.5 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

DocsaidLab/cifar100_training_demo
A implementation example for training CIFAR-100 using PyTorch, including training techniques, benchmark settings, and reproducibility support.
Language: Python - Size: 223 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

mr-ravin/BSC-DenseNet 📦
Implementation of BSC-DenseNet-121 in Pytorch from research paper "Adding Binary Search Connections to Improve DenseNet Performance".
Language: Python - Size: 3.14 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

MinhasKamal/MLDatasets
A collection of popular machine learning datasets
Size: 12.6 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

bansal-yash/COL774-Machine-Learning
Course assignments of COL774:- Machine Learning course at IIT Delhi under Professor Rahul Garg
Language: Python - Size: 21.3 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

anaisbl/deep-learning-assessment
Song genre prediction, Image processing & Transfer learning using Deep learning techniques
Language: Jupyter Notebook - Size: 11.7 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

blakeminix/image-recognition-model
A machine learning model for an image recognition platform built with TensorFlow, Flask, Python, AWS S3, and CIFAR-100. (Deployed with AWS EKS)
Language: Python - Size: 2.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

csiro-robotics/CL3
[J. Imaging 2023] The official repository for paper CL3: Generalization of Contrastive Loss for Lifelong Learning J. Imaging 2023, 9(12), 259; https://doi.org/10.3390/jimaging9120259
Language: Python - Size: 202 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

reethuthota/Knowledge-Distillation-vgg16-mobilenet
Knowledge Distillation from VGG16 (teacher model) to MobileNet (student model)
Language: Jupyter Notebook - Size: 509 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

kenanmorani/Machine_Learning_idu
Two case studies: effects of changing the learning rate on model perfomance for image classificaiton, and cardiac failure prediction using clinical data
Language: Jupyter Notebook - Size: 1.33 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

phkhanhtrinh23/pytorch-cifar100 Fork of weiaicunzai/pytorch-cifar100
Modification of VGG19 by applying Model Compression methods: Quantization and LoRA
Language: Python - Size: 503 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

DasariJayanth/Imbalanced-Semi-or-Self-Supervised-Learning
Implementation of semi and self supervised learning on Imbalanced Dataset
Language: Jupyter Notebook - Size: 3.65 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

rm1768/cifar100-cnn
Image recognition using VGG network, Pytorch and CIFAR100 dataset
Language: Python - Size: 266 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

abhinav-neil/resnet-transfer-learning
Transfer learning by fine-tuning a ResNet-18 model on CIFAR-100
Language: Jupyter Notebook - Size: 75.2 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

abhinav-neil/lenet5-clf-finetuning
Image classification & tranfer learning with LeNet-5
Language: Jupyter Notebook - Size: 1.1 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

untitledunmastered1998/DistillationLab
Image Classification Training Framework for Network Distillation
Language: Python - Size: 58.6 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Kammann123/cifar100
CIFAR100 image classification competition repository. Neural networks course at ITBA.
Language: Jupyter Notebook - Size: 213 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

mvp18/custom-keras-callbacks
A guide on custom implementation of metric, logging, monitoring, and lr schedule callbacks in Keras
Language: Python - Size: 25.8 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

anhtu293/parnet-tf2
Tensorflow implementation of ParNet for image classification
Language: Python - Size: 21.5 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

irenebenedetto/incremental-learning-study
Implementation of several variations of the iCaRL incremental learning algorithm in PyTorch.
Language: Python - Size: 4.42 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

khakhlyuk/fixedconv
The code for my bachelor thesis with the topic "Convolutional neural networks with fixed kernels"
Language: Python - Size: 174 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

tmasouris/Neural_Networks-NTUA
This repository hosts the programming exercises for the course Neural Networks of NTUA ECE.
Language: Jupyter Notebook - Size: 7.97 MB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

rafaie/cifar-100
It's a project to apply convolutional neural networks to the problem of image classification from the CIFAR 100 dataset.
Language: Python - Size: 70.3 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

aaravindravi/TransferLearningCIFAR100Classification
Classification of CIFAR 100 Images - Transfer Learning - ResNet-50
Language: Python - Size: 2.93 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 2

PaulEmmanuelSotir/learn_error_by_generalization
Experiment consisting in learning error using an explicit generalization loss; implemented in Tensorflow
Language: Python - Size: 46.9 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

rapidclock/cifar100-cnn-01
Image Classifier using CNNs on the CIFAR100 Image Dataset
Language: Jupyter Notebook - Size: 20.5 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 0

andy-waters/cifar100-onnx-edge-deployment
End-to-end CIFAR-100 pipeline: training, evaluation, and ONNX conversion for Jetson and edge AI devices.
Language: Jupyter Notebook - Size: 318 KB - Last synced at: 12 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

sukhsare/cifar100-cnn-classifier
CNN implementation for CIFAR-100 image classification using PyTorch
Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
