cifar10

There are 845 repositories under cifar10 topic.

  • pytorch_shake_shake

    A PyTorch implementation of shake-shake

    Language:Python110
  • ResidualAttentionNetwork

    ResidualAttentionNetwork

    A Gluon implement of Residual Attention Network. Best acc on cifar10-97.78%.

    Language:Python107
  • YOCO

    Code for You Only Cut Once: Boosting Data Augmentation with a Single Cut, ICML 2022.

    Language:Python102
  • snip

    Pytorch implementation of the paper "SNIP: Single-shot Network Pruning based on Connection Sensitivity" by Lee et al.

    Language:Python101
  • multi-task-image-classification

    Multi-task learning for image classification implemented in PyTorch.

    Language:Python95
  • label-embedding-network

    Label Embedding Network

    Language:Python90
  • tensorflow-cifar-10

    tensorflow-cifar-10

    Cifar-10 CNN implementation using TensorFlow library with 20% error.

    Language:Python90
  • ocsvm-anomaly-detection

    anomaly detection by one-class SVM

    Language:Python84
  • HydraNet

    A multibranch neural net architecture. (PyTorch)

    Language:Python82
  • ali-pytorch

    PyTorch implementation of Adversarially Learned Inference (BiGAN).

    Language:Python80
  • srVAE

    VAE with RealNVP prior and Super-Resolution VAE in PyTorch. Code release for https://arxiv.org/abs/2006.05218.

    Language:Python76
  • gans-2.0

    Generative Adversarial Networks in TensorFlow 2.0

    Language:Python76
  • COT

    [ICLR'19] Complement Objective Training

    Language:Python75
  • dbViz

    The official PyTorch implementation - Can Neural Nets Learn the Same Model Twice? Investigating Reproducibility and Double Descent from the Decision Boundary Perspective (CVPR'22).

    Language:Python74
  • Supervised_contrastive_loss_pytorch

    Independent implementation of Supervised Contrastive Loss. Straight to the point and beyond

    Language:Python74
  • VisualizingNDF

    Official PyTorch implementation of "Visualizing the Decision-making Process in Deep Neural Decision Forest", CVPR 2019 Workshops on Explainable AI

    Language:Python70
  • PyTorch-CIFAR-Model-Hub

    Implementation of Conv-based and Vit-based networks designed for CIFAR.

    Language:Python67
  • sensAI

    sensAI

    sensAI: ConvNets Decomposition via Class Parallelism for Fast Inference on Live Data

    Language:Python64
  • Cifar-Autoencoder

    A look at some simple autoencoders for the Cifar10 dataset, including a denoising autoencoder. Python code included.

    Language:Python62
  • numpy-cnn

    A numpy based CNN implementation for classifying images

    Language:Python62
  • pytorch-cifar10

    The state-of-the-art algorithms on CIFAR-10 dataset in PyTorch

    Language:Python58
  • learning_with_signatures

    Learning with Signatures

    Language:HTML56
  • multi-sample_dropout_pytorch

    a simple pytorch implement of Multi-Sample Dropout

    Language:Python56
  • FedFA

    ICLR 2023 - FedFA: Federated Feature Augmentation

    Language:Python54
  • CNN-from-Scratch

    Convolutional Neural Network implemented from Scratch for MNIST and CIFAR-10 datasets.

    Language:Python53
  • shake-drop_pytorch

    PyTorch implementation of shake-drop regularization

    Language:Python53
  • ViT-cifar10-pruning

    Vision Transformer Pruning

    Language:Python52
  • pytorch-nn-practice

    💩 My pytorch neural network practice repo

    Language:Python52
  • MoCo

    A PyTorch implementation of MoCo based on CVPR 2020 paper "Momentum Contrast for Unsupervised Visual Representation Learning"

    Language:Python45
  • ACGAN_cifar10

    A PyTorch implementation of Auxiliary Classifier GAN to generate CIFAR10 images.

    Language:Python45
  • CIFAR

    CIFAR 10 image dataset

    Language:Python45
  • Keras-CIFAR10

    practice on CIFAR10 with Keras

    Language:Jupyter Notebook41
  • cifarclassify

    实现常用图像分类算法

    Language:Python41
  • DenseNet-Cifar10

    Train DenseNet on Cifar-10 based on Keras

    Language:Python41
  • BSN

    [NeurIPS 2021] Why Spectral Normalization Stabilizes GANs: Analysis and Improvements

    Language:Python40
  • CS231n

    My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition

    Language:Jupyter Notebook40