All Projects → cifar10 → Similar Projects or Alternatives

70 Open source projects that are alternatives of or similar to cifar10

pcdarts-tf2
PC-DARTS (PC-DARTS: Partial Channel Connections for Memory-Efficient Differentiable Architecture Search, published in ICLR 2020) implemented in Tensorflow 2.0+. This is an unofficial implementation.
Stars: ✭ 25 (-21.87%)
Mutual labels:  cifar10, cifar-10
DenseNet-Cifar10
Train DenseNet on Cifar-10 based on Keras
Stars: ✭ 39 (+21.88%)
Mutual labels:  cifar10, cifar-10
gans-2.0
Generative Adversarial Networks in TensorFlow 2.0
Stars: ✭ 76 (+137.5%)
Mutual labels:  cifar10, cifar-10
numpy-cnn
A numpy based CNN implementation for classifying images
Stars: ✭ 47 (+46.88%)
Mutual labels:  cifar10, cifar-10
srVAE
VAE with RealNVP prior and Super-Resolution VAE in PyTorch. Code release for https://arxiv.org/abs/2006.05218.
Stars: ✭ 56 (+75%)
Mutual labels:  cifar10, cifar-10
Resnet Cifar10 Caffe
ResNet-20/32/44/56/110 on CIFAR-10 with Caffe
Stars: ✭ 161 (+403.13%)
Mutual labels:  cifar10
DCGAN-CIFAR10
A implementation of DCGAN (Deep Convolutional Generative Adversarial Networks) for CIFAR10 image
Stars: ✭ 18 (-43.75%)
Mutual labels:  cifar10
Aognet
Code for CVPR 2019 paper: " Learning Deep Compositional Grammatical Architectures for Visual Recognition"
Stars: ✭ 132 (+312.5%)
Mutual labels:  cifar10
Pytorch shake shake
A PyTorch implementation of shake-shake
Stars: ✭ 101 (+215.63%)
Mutual labels:  cifar10
Classification Nets
Implement popular models by different DL framework. Such as tensorflow and caffe
Stars: ✭ 17 (-46.87%)
Mutual labels:  cifar10
temporal-ensembling-semi-supervised
Keras implementation of temporal ensembling(semi-supervised learning)
Stars: ✭ 22 (-31.25%)
Mutual labels:  cifar10
Pytorch Classification
Classification with PyTorch.
Stars: ✭ 1,268 (+3862.5%)
Mutual labels:  cifar10
Naszilla
Naszilla is a Python library for neural architecture search (NAS)
Stars: ✭ 181 (+465.63%)
Mutual labels:  cifar10
Torchdistill
PyTorch-based modular, configuration-driven framework for knowledge distillation. 🏆18 methods including SOTA are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy.
Stars: ✭ 177 (+453.13%)
Mutual labels:  cifar10
Generative adversarial networks 101
Keras implementations of Generative Adversarial Networks. GANs, DCGAN, CGAN, CCGAN, WGAN and LSGAN models with MNIST and CIFAR-10 datasets.
Stars: ✭ 138 (+331.25%)
Mutual labels:  cifar10
deeplearning-mpo
Replace FC2, LeNet-5, VGG, Resnet, Densenet's full-connected layers with MPO
Stars: ✭ 26 (-18.75%)
Mutual labels:  cifar10
Resnet On Cifar10
Reimplementation ResNet on cifar10 with caffe
Stars: ✭ 123 (+284.38%)
Mutual labels:  cifar10
Petridishnn
Code for the neural architecture search methods contained in the paper Efficient Forward Neural Architecture Search
Stars: ✭ 112 (+250%)
Mutual labels:  cifar10
Virtual Adversarial Training
Pytorch implementation of Virtual Adversarial Training
Stars: ✭ 94 (+193.75%)
Mutual labels:  cifar10
Neural Api
CAI NEURAL API - Pascal based neural network API optimized for AVX, AVX2 and AVX512 instruction sets plus OpenCL capable devices including AMD, Intel and NVIDIA.
Stars: ✭ 94 (+193.75%)
Mutual labels:  cifar10
Bsconv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Stars: ✭ 84 (+162.5%)
Mutual labels:  cifar10
shake-drop pytorch
PyTorch implementation of shake-drop regularization
Stars: ✭ 50 (+56.25%)
Mutual labels:  cifar10
Label Embedding Network
Label Embedding Network
Stars: ✭ 69 (+115.63%)
Mutual labels:  cifar10
One Pixel Attack Keras
Keras implementation of "One pixel attack for fooling deep neural networks" using differential evolution on Cifar10 and ImageNet
Stars: ✭ 1,097 (+3328.13%)
Mutual labels:  cifar10
image-defect-detection-based-on-CNN
TensorBasicModel
Stars: ✭ 17 (-46.87%)
Mutual labels:  cifar10
C2D
PyTorch implementation of "Contrast to Divide: self-supervised pre-training for learning with noisy labels"
Stars: ✭ 59 (+84.38%)
Mutual labels:  cifar-10
Knowledge Distillation Pytorch
A PyTorch implementation for exploring deep and shallow knowledge distillation (KD) experiments with flexibility
Stars: ✭ 986 (+2981.25%)
Mutual labels:  cifar10
Nnpulearning
Non-negative Positive-Unlabeled (nnPU) and unbiased Positive-Unlabeled (uPU) learning reproductive code on MNIST and CIFAR10
Stars: ✭ 181 (+465.63%)
Mutual labels:  cifar10
BottleneckTransformers
Bottleneck Transformers for Visual Recognition
Stars: ✭ 231 (+621.88%)
Mutual labels:  cifar10
NIPS-Global-Paper-Implementation-Challenge
Selective Classification For Deep Neural Networks.
Stars: ✭ 11 (-65.62%)
Mutual labels:  cifar-10
Lookahead pytorch
pytorch implement of Lookahead Optimizer
Stars: ✭ 138 (+331.25%)
Mutual labels:  cifar10
AlexNet
AlexNet model from ILSVRC 2012
Stars: ✭ 35 (+9.38%)
Mutual labels:  cifar-10
Chainer Cifar10
Various CNN models for CIFAR10 with Chainer
Stars: ✭ 134 (+318.75%)
Mutual labels:  cifar10
cifar-tensorflow
No description or website provided.
Stars: ✭ 18 (-43.75%)
Mutual labels:  cifar-10
Pytorch Speech Commands
Speech commands recognition with PyTorch
Stars: ✭ 128 (+300%)
Mutual labels:  cifar10
ocsvm-anomaly-detection
anomaly detection by one-class SVM
Stars: ✭ 66 (+106.25%)
Mutual labels:  cifar10
ReZero-ResNet
Unofficial pytorch implementation of ReZero in ResNet
Stars: ✭ 23 (-28.12%)
Mutual labels:  cifar10
Randwire tensorflow
tensorflow implementation of Exploring Randomly Wired Neural Networks for Image Recognition
Stars: ✭ 29 (-9.37%)
Mutual labels:  cifar10
Spectralnormalizationkeras
Spectral Normalization for Keras Dense and Convolution Layers
Stars: ✭ 100 (+212.5%)
Mutual labels:  cifar10
Machine-Learning-Notebooks
15+ Machine/Deep Learning Projects in Ipython Notebooks
Stars: ✭ 66 (+106.25%)
Mutual labels:  cifar-10
PFL-Non-IID
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…
Stars: ✭ 58 (+81.25%)
Mutual labels:  cifar10
Tf Vqvae
Tensorflow Implementation of the paper [Neural Discrete Representation Learning](https://arxiv.org/abs/1711.00937) (VQ-VAE).
Stars: ✭ 226 (+606.25%)
Mutual labels:  cifar10
Theano Xnor Net
Theano implementation of XNOR-Net
Stars: ✭ 23 (-28.12%)
Mutual labels:  cifar10
Tensorflow Cifar 10
Cifar-10 CNN implementation using TensorFlow library with 20% error.
Stars: ✭ 85 (+165.63%)
Mutual labels:  cifar10
ResidualAttentionNetwork
A Gluon implement of Residual Attention Network. Best acc on cifar10-97.78%.
Stars: ✭ 104 (+225%)
Mutual labels:  cifar10
Cot
[ICLR'19] Complement Objective Training
Stars: ✭ 70 (+118.75%)
Mutual labels:  cifar10
Pruning filters for efficient convnets
PyTorch implementation of "Pruning Filters For Efficient ConvNets"
Stars: ✭ 96 (+200%)
Mutual labels:  cifar10
Ali Pytorch
PyTorch implementation of Adversarially Learned Inference (BiGAN).
Stars: ✭ 61 (+90.63%)
Mutual labels:  cifar10
pytorch-cifar-model-zoo
Implementation of Conv-based and Vit-based networks designed for CIFAR.
Stars: ✭ 62 (+93.75%)
Mutual labels:  cifar10
Parle
Stars: ✭ 38 (+18.75%)
Mutual labels:  cifar10
resnet-cifar10
ResNet for Cifar10
Stars: ✭ 21 (-34.37%)
Mutual labels:  cifar10
Relativistic Average Gan Keras
The implementation of Relativistic average GAN with Keras
Stars: ✭ 36 (+12.5%)
Mutual labels:  cifar10
Dawn Bench Entries
DAWNBench: An End-to-End Deep Learning Benchmark and Competition
Stars: ✭ 254 (+693.75%)
Mutual labels:  cifar10
Resnet
Tensorflow ResNet implementation on cifar10
Stars: ✭ 10 (-68.75%)
Mutual labels:  cifar10
Image classification cifar 10
Image Classification on CIFAR-10 Dataset using Multi Layer Perceptrons in Python from Scratch.
Stars: ✭ 18 (-43.75%)
Mutual labels:  cifar10
Pytorch cifar10
Pretrained TorchVision models on CIFAR10 dataset (with weights)
Stars: ✭ 219 (+584.38%)
Mutual labels:  cifar10
Federated-Learning-Mini-Framework
Federated Learning mini-framework with Keras
Stars: ✭ 38 (+18.75%)
Mutual labels:  cifar10
Keras-CIFAR10
practice on CIFAR10 with Keras
Stars: ✭ 25 (-21.87%)
Mutual labels:  cifar10
keras-deep-learning
Various implementations and projects on CNN, RNN, LSTM, GAN, etc
Stars: ✭ 22 (-31.25%)
Mutual labels:  cifar10
dynamic-routing-capsule-cifar
CapsNet reference from : https://github.com/XifengGuo/CapsNet-Keras
Stars: ✭ 34 (+6.25%)
Mutual labels:  cifar-10
1-60 of 70 similar projects