cifar10

There are 845 repositories under cifar10 topic.

  • pytorch-classification

    Classification with PyTorch.

    Language:Python1.7k
  • torchdistill

    torchdistill

    A coding-free framework built on PyTorch for reproducible deep learning studies. 🏆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.

    Language:Python1.4k
  • pytorch_image_classification

    PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet

    Language:Python1.3k
  • hlb-CIFAR10

    Train to 94% on CIFAR-10 in <6.3 seconds on a single A100. Or ~95.79% in ~110 seconds (or less!)

    Language:Python1.2k
  • one-pixel-attack-keras

    Keras implementation of "One pixel attack for fooling deep neural networks" using differential evolution on Cifar10 and ImageNet

    Language:Jupyter Notebook1.2k
  • cifar-10-cnn

    Play deep learning with CIFAR datasets

    Language:Python820
  • PyTorch_CIFAR10

    Pretrained TorchVision models on CIFAR10 dataset (with weights)

    Language:Python634
  • neural-backed-decision-trees

    Making decision trees competitive with neural networks on CIFAR10, CIFAR100, TinyImagenet200, Imagenet

    Language:Python605
  • SimCLR

    A PyTorch implementation of SimCLR based on ICML 2020 paper "A Simple Framework for Contrastive Learning of Visual Representations"

    Language:Python535
  • AutoGAN

    [ICCV 2019] "AutoGAN: Neural Architecture Search for Generative Adversarial Networks" by Xinyu Gong, Shiyu Chang, Yifan Jiang and Zhangyang Wang

    Language:Python463
  • neural-api

    neural-api

    CAI NEURAL API - Pascal based deep learning neural network API optimized for AVX, AVX2 and AVX512 instruction sets plus OpenCL capable devices including AMD, Intel and NVIDIA.

    Language:Pascal371
  • pytorch-cifar-models

    3.41% and 17.11% error on CIFAR-10 and CIFAR-100

    Language:Python327
  • pytorch-cifar-models

    Pretrained models on CIFAR10/100 in PyTorch

    Language:Python305
  • naszilla

    Naszilla is a Python library for neural architecture search (NAS)

    Language:Python303
  • nnPUlearning

    Non-negative Positive-Unlabeled (nnPU) and unbiased Positive-Unlabeled (uPU) learning reproductive code on MNIST and CIFAR10

    Language:Python296
  • BottleneckTransformers

    Bottleneck Transformers for Visual Recognition

    Language:Python274
  • dawn-bench-entries

    DAWNBench: An End-to-End Deep Learning Benchmark and Competition

    Language:Python260
  • tf-vqvae

    Tensorflow Implementation of the paper [Neural Discrete Representation Learning](https://arxiv.org/abs/1711.00937) (VQ-VAE).

    Language:Jupyter Notebook258
  • generative_adversarial_networks_101

    Keras implementations of Generative Adversarial Networks. GANs, DCGAN, CGAN, CCGAN, WGAN and LSGAN models with MNIST and CIFAR-10 datasets.

    Language:Jupyter Notebook202
  • pytorch-speech-commands

    Speech commands recognition with PyTorch | Kaggle 10th place solution in TensorFlow Speech Recognition Challenge

    Language:Python193
  • lookahead_pytorch

    pytorch implement of Lookahead Optimizer

    Language:Python188
  • Pytorch-Image-Classification

    用于pytorch的图像分类,包含多种模型方法,比如AlexNet,VGG,GoogleNet,ResNet,DenseNet等等,包含可完整运行的代码。除此之外,也有colab的在线运行代码,可以直接在colab在线运行查看结果。也可以迁移到自己的数据集进行迁移学习。

    Language:Jupyter Notebook186
  • resnet-cifar10-caffe

    ResNet-20/32/44/56/110 on CIFAR-10 with Caffe

    Language:Python165
  • Pruning_filters_for_efficient_convnets

    PyTorch implementation of "Pruning Filters For Efficient ConvNets"

    Language:Jupyter Notebook145
  • chainer-cifar10

    Various CNN models for CIFAR10 with Chainer

    Language:Python139
  • BSConv

    BSConv

    Reference implementation for Blueprint Separable Convolutions (CVPR 2020)

    Language:Python136
  • virtual-adversarial-training

    Pytorch implementation of Virtual Adversarial Training

    Language:Python132
  • AOGNet

    Code for CVPR 2019 paper: " Learning Deep Compositional Grammatical Architectures for Visual Recognition"

    Language:Python129
  • ResNet-on-Cifar10

    Reimplementation ResNet on cifar10 with caffe

    Language:Python129
  • SpectralNormalizationKeras

    Spectral Normalization for Keras Dense and Convolution Layers

    Language:Jupyter Notebook122
  • conv_snn

    Code for "Convolutional spiking neural networks (SNN) for spatio-temporal feature extraction" paper

    Language:Python119
  • deeplearning-models

    各种深度学习结构、模型和技巧的集合

    Language:Jupyter Notebook118
  • Co-learning

    The official implementation of the ACM MM'21 paper Co-learning: Learning from noisy labels with self-supervision.

    Language:Python116
  • Augmentation-for-LNL

    Augmentation-for-LNL

    [CVPR 2021] Code for "Augmentation Strategies for Learning with Noisy Labels".

    Language:Python113
  • efficientnet-pytorch

    A PyTorch implementation of "EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks".

    Language:Python112
  • petridishnn

    Code for the neural architecture search methods contained in the paper Efficient Forward Neural Architecture Search

    Language:Python111