Topic: "cifar10"
haitongli/knowledge-distillation-pytorch
A PyTorch implementation for exploring deep and shallow knowledge distillation (KD) experiments with flexibility
Language: Python - Size: 22.1 MB - Last synced at: 17 days ago - Pushed at: almost 3 years ago - Stars: 1,972 - Forks: 351
bearpaw/pytorch-classification
Classification with PyTorch.
Language: Python - Size: 428 KB - Last synced at: 7 months ago - Pushed at: over 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 TPAMI, CVPR, ICLR, ECCV, NeurIPS, ICCV, AAAI, etc are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy and benchmark.
Language: Python - Size: 9.72 MB - Last synced at: 12 days ago - Pushed at: 14 days ago - Stars: 1,579 - Forks: 140
tysam-code/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: Python - Size: 27.3 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 1,293 - Forks: 79
hysts/pytorch_image_classification 📦
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet
Language: Python - Size: 3.35 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1,260 - Forks: 296
Hyperparticle/one-pixel-attack-keras
Keras implementation of "One pixel attack for fooling deep neural networks" using differential evolution on Cifar10 and ImageNet
Language: Jupyter Notebook - Size: 43.5 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 1,231 - Forks: 213
BIGBALLON/cifar-10-cnn
Play deep learning with CIFAR datasets
Language: Python - Size: 1.49 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 807 - Forks: 303
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 months ago - Pushed at: over 2 years ago - Stars: 622 - Forks: 131
huyvnphan/PyTorch_CIFAR10
Pretrained TorchVision models on CIFAR10 dataset (with weights)
Language: Python - Size: 6.46 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 550 - Forks: 141
leftthomas/SimCLR
A PyTorch implementation of SimCLR based on ICML 2020 paper "A Simple Framework for Contrastive Learning of Visual Representations"
Language: Python - Size: 97.7 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 502 - Forks: 105
VITA-Group/AutoGAN
[ICCV 2019] "AutoGAN: Neural Architecture Search for Generative Adversarial Networks" by Xinyu Gong, Shiyu Chang, Yifan Jiang and Zhangyang Wang
Language: Python - Size: 413 KB - Last synced at: 20 days ago - Pushed at: almost 2 years ago - Stars: 469 - Forks: 85
joaopauloschuler/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: Pascal - Size: 13.8 MB - Last synced at: 7 days ago - Pushed at: 9 days ago - Stars: 408 - Forks: 203
chenyaofo/pytorch-cifar-models
Pretrained models on CIFAR10/100 in PyTorch
Language: Python - Size: 9.01 MB - Last synced at: 8 months ago - Pushed at: 8 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: about 1 year ago - Pushed at: about 7 years ago - Stars: 330 - Forks: 96
naszilla/naszilla
Naszilla is a Python library for neural architecture search (NAS)
Language: Python - Size: 1.72 MB - Last synced at: 4 months ago - Pushed at: about 3 years ago - Stars: 313 - Forks: 46
kiryor/nnPUlearning
Non-negative Positive-Unlabeled (nnPU) and unbiased Positive-Unlabeled (uPU) learning reproductive code on MNIST and CIFAR10
Language: Python - Size: 359 KB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 289 - Forks: 64
hiwonjoon/tf-vqvae
Tensorflow Implementation of the paper [Neural Discrete Representation Learning](https://arxiv.org/abs/1711.00937) (VQ-VAE).
Language: Jupyter Notebook - Size: 53 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 258 - Forks: 41
leaderj1001/BottleneckTransformers
Bottleneck Transformers for Visual Recognition
Language: Python - Size: 25.4 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 257 - Forks: 52
stanford-futuredata/dawn-bench-entries
DAWNBench: An End-to-End Deep Learning Benchmark and Competition
Language: Python - Size: 494 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 256 - Forks: 74
Kedreamix/Pytorch-Image-Classification
用于pytorch的图像分类,包含多种模型方法,比如AlexNet,VGG,GoogleNet,ResNet,DenseNet等等,包含可完整运行的代码。除此之外,也有colab的在线运行代码,可以直接在colab在线运行查看结果。也可以迁移到自己的数据集进行迁移学习。
Language: Jupyter Notebook - Size: 906 MB - Last synced at: 7 months ago - Pushed at: about 2 years ago - Stars: 231 - Forks: 26
mafda/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 Notebook - Size: 16.1 MB - Last synced at: 8 months ago - Pushed at: about 2 years ago - Stars: 209 - Forks: 79
tugstugi/pytorch-speech-commands
Speech commands recognition with PyTorch | Kaggle 10th place solution in TensorFlow Speech Recognition Challenge
Language: Python - Size: 62.5 KB - Last synced at: 9 months ago - Pushed at: almost 2 years ago - Stars: 198 - Forks: 47
lonePatient/lookahead_pytorch
pytorch implement of Lookahead Optimizer
Language: Python - Size: 170 KB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 191 - Forks: 31
ethanhe42/resnet-cifar10-caffe
ResNet-20/32/44/56/110 on CIFAR-10 with Caffe
Language: Python - Size: 456 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 168 - Forks: 122
mitmul/chainer-cifar10
Various CNN models for CIFAR10 with Chainer
Language: Python - Size: 1.05 MB - Last synced at: 3 months ago - Pushed at: about 7 years ago - Stars: 142 - Forks: 34
zeiss-microscopy/BSConv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Language: Python - Size: 1.73 MB - Last synced at: 3 days ago - Pushed at: about 3 years ago - Stars: 138 - Forks: 24
9310gaurav/virtual-adversarial-training
Pytorch implementation of Virtual Adversarial Training
Language: Python - Size: 186 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 131 - Forks: 21
xilaili/AOGNet
Code for CVPR 2019 paper: " Learning Deep Compositional Grammatical Architectures for Visual Recognition"
Language: Python - Size: 54.7 KB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 130 - Forks: 19
junyuseu/ResNet-on-Cifar10
Reimplementation ResNet on cifar10 with caffe
Language: Python - Size: 7.41 MB - Last synced at: about 1 year ago - Pushed at: almost 9 years ago - Stars: 129 - Forks: 82
tyui592/Pruning_filters_for_efficient_convnets
PyTorch implementation of "Pruning Filters For Efficient ConvNets"
Language: Jupyter Notebook - Size: 726 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 128 - Forks: 29
aa-samad/conv_snn
Code for "Convolutional spiking neural networks (SNN) for spatio-temporal feature extraction" paper
Language: Python - Size: 75.2 KB - Last synced at: 8 months ago - Pushed at: about 5 years ago - Stars: 127 - Forks: 27
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: about 2 months ago - Pushed at: over 3 years ago - Stars: 124 - Forks: 13
IShengFang/SpectralNormalizationKeras
Spectral Normalization for Keras Dense and Convolution Layers
Language: Jupyter Notebook - Size: 2.27 GB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 122 - Forks: 33
ypwhs/deeplearning-models Fork of rasbt/deeplearning-models 📦
各种深度学习结构、模型和技巧的集合
Language: Jupyter Notebook - Size: 7.25 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 116 - Forks: 36
narumiruna/efficientnet-pytorch
A PyTorch implementation of "EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks".
Language: Python - Size: 346 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 113 - Forks: 31
KentoNishi/Augmentation-for-LNL
[CVPR 2021] Code for "Augmentation Strategies for Learning with Noisy Labels".
Language: Python - Size: 50.1 MB - Last synced at: 7 months ago - Pushed at: almost 4 years ago - Stars: 113 - Forks: 12
microsoft/petridishnn
Code for the neural architecture search methods contained in the paper Efficient Forward Neural Architecture Search
Language: Python - Size: 481 KB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 112 - Forks: 21
hysts/pytorch_shake_shake 📦
A PyTorch implementation of shake-shake
Language: Python - Size: 297 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 110 - Forks: 15
mil-ad/snip
Pytorch implementation of the paper "SNIP: Single-shot Network Pruning based on Connection Sensitivity" by Lee et al.
Language: Python - Size: 24.4 KB - Last synced at: 19 days ago - Pushed at: over 6 years ago - Stars: 110 - Forks: 15
PistonY/ResidualAttentionNetwork
A Gluon implement of Residual Attention Network. Best acc on cifar10-97.78%.
Language: Python - Size: 341 MB - Last synced at: 9 months ago - Pushed at: over 6 years ago - Stars: 108 - Forks: 26
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: 5 months ago - Pushed at: over 2 years ago - Stars: 105 - Forks: 10
wchliao/multi-task-image-classification
Multi-task learning for image classification implemented in PyTorch.
Language: Python - Size: 36.1 KB - Last synced at: 8 months ago - Pushed at: about 7 years ago - Stars: 98 - Forks: 28
exelban/tensorflow-cifar-10 📦
Cifar-10 CNN implementation using TensorFlow library with 20% error.
Language: Python - Size: 29.3 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 90 - Forks: 48
hiram64/ocsvm-anomaly-detection
anomaly detection by one-class SVM
Language: Python - Size: 12.7 KB - Last synced at: 11 months ago - Pushed at: about 6 years ago - Stars: 88 - Forks: 17
lancopku/label-embedding-network
Label Embedding Network
Language: Python - Size: 1.29 MB - Last synced at: almost 3 years ago - Pushed at: almost 8 years ago - Stars: 87 - Forks: 26
somepago/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: Python - Size: 5.09 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 79 - Forks: 15
GuillaumeErhard/Supervised_contrastive_loss_pytorch
Independent implementation of Supervised Contrastive Loss. Straight to the point and beyond
Language: Python - Size: 920 KB - Last synced at: 10 months ago - Pushed at: about 5 years ago - Stars: 79 - Forks: 10
tlatkowski/gans-2.0
Generative Adversarial Networks in TensorFlow 2.0
Language: Python - Size: 76.7 MB - Last synced at: 8 months ago - Pushed at: about 3 years ago - Stars: 78 - Forks: 14
9310gaurav/ali-pytorch
PyTorch implementation of Adversarially Learned Inference (BiGAN).
Language: Python - Size: 12.3 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 78 - Forks: 11
ioangatop/srVAE
VAE with RealNVP prior and Super-Resolution VAE in PyTorch. Code release for https://arxiv.org/abs/2006.05218.
Language: Python - Size: 1.81 MB - Last synced at: 12 days ago - Pushed at: over 5 years ago - Stars: 77 - Forks: 14
henry8527/COT
[ICLR'19] Complement Objective Training
Language: Python - Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 73 - Forks: 9
pprp/PyTorch-CIFAR-Model-Hub
Implementation of Conv-based and Vit-based networks designed for CIFAR.
Language: Python - Size: 1.6 MB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 70 - Forks: 11
raghav1810/HydraNet
A multibranch neural net architecture. (PyTorch)
Language: Python - Size: 135 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 67 - Forks: 19
Nicholasli1995/VisualizingNDF
Official PyTorch implementation of "Visualizing the Decision-making Process in Deep Neural Decision Forest", CVPR 2019 Workshops on Explainable AI
Language: Python - Size: 10.1 MB - Last synced at: almost 3 years ago - Pushed at: almost 4 years ago - Stars: 66 - Forks: 20
GuanhuaWang/sensAI
sensAI: ConvNets Decomposition via Class Parallelism for Fast Inference on Live Data
Language: Python - Size: 1.27 MB - Last synced at: 9 months ago - Pushed at: over 1 year ago - Stars: 64 - Forks: 8
lonePatient/multi-sample_dropout_pytorch
a simple pytorch implement of Multi-Sample Dropout
Language: Python - Size: 258 KB - Last synced at: 9 months ago - Pushed at: over 6 years ago - Stars: 57 - Forks: 11
decurtoydiaz/learning_with_signatures
Learning with Signatures
Language: HTML - Size: 4.07 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 56 - Forks: 10
owruby/shake-drop_pytorch
PyTorch implementation of shake-drop regularization
Language: Python - Size: 60.5 KB - Last synced at: 12 months ago - Pushed at: over 5 years ago - Stars: 54 - Forks: 15
dnddnjs/pytorch-cifar10
The state-of-the-art algorithms on CIFAR-10 dataset in PyTorch
Language: Python - Size: 573 KB - Last synced at: almost 3 years ago - Pushed at: almost 7 years ago - Stars: 54 - Forks: 18
rtflynn/Cifar-Autoencoder
A look at some simple autoencoders for the Cifar10 dataset, including a denoising autoencoder. Python code included.
Language: Python - Size: 11.2 MB - Last synced at: almost 3 years ago - Pushed at: about 7 years ago - Stars: 54 - Forks: 6
Armour/pytorch-nn-practice
💩 My pytorch neural network practice repo
Language: Python - Size: 2.72 MB - Last synced at: 9 months ago - Pushed at: almost 7 years ago - Stars: 51 - Forks: 10
EN10/CIFAR
CIFAR 10 image dataset
Language: Python - Size: 28.3 KB - Last synced at: 9 months ago - Pushed at: about 1 year ago - Stars: 50 - Forks: 13
ElefHead/numpy-cnn
A numpy based CNN implementation for classifying images
Language: Python - Size: 41 KB - Last synced at: almost 3 years ago - Pushed at: over 5 years ago - Stars: 48 - Forks: 11
kaichengyang0828/Vision-Transformer-ViT
Pytorch ViT for Image classification on the CIFAR10 dataset
Language: Python - Size: 159 KB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 45 - Forks: 6
Cydia2018/ViT-cifar10-pruning
Vision Transformer Pruning
Language: Python - Size: 42 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 45 - Forks: 9
srinadhu/CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 42 - Forks: 23
AlessandroSaviolo/CNN-from-Scratch
Convolutional Neural Network implemented from Scratch for MNIST and CIFAR-10 datasets.
Language: Python - Size: 1.99 MB - Last synced at: almost 3 years ago - Pushed at: over 3 years ago - Stars: 41 - Forks: 10
Kexiii/DenseNet-Cifar10
Train DenseNet on Cifar-10 based on Keras
Language: Python - Size: 6.84 KB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 41 - Forks: 25
fjxmlzn/BSN
[NeurIPS 2021] Why Spectral Normalization Stabilizes GANs: Analysis and Improvements
Language: Python - Size: 32.2 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 40 - Forks: 3
IShengFang/Relativistic-average-GAN-Keras
The implementation of Relativistic average GAN with Keras
Language: Jupyter Notebook - Size: 156 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 38 - Forks: 12
ucla-vision/parle
Language: Python - Size: 12.7 KB - Last synced at: almost 3 years ago - Pushed at: almost 8 years ago - Stars: 38 - Forks: 6
BIGBALLON/Caffe2-Tutorial
Caffe2 C++/Python tutorial with full demo
Language: Python - Size: 3.29 MB - Last synced at: almost 3 years ago - Pushed at: over 5 years ago - Stars: 37 - Forks: 8
MIFA-Lab/contrastive2021
Implementation for ICLR 2023 paper "Towards the Generalization of Contrastive Self-Supervised Learning" (https://arxiv.org/abs/2111.00743)
Language: Python - Size: 52.7 KB - Last synced at: 12 months ago - Pushed at: about 3 years ago - Stars: 36 - Forks: 10
jerett/Keras-CIFAR10
practice on CIFAR10 with Keras
Language: Jupyter Notebook - Size: 2.57 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 36 - Forks: 26
ksharsha/CifarVAE
Variational Auto Encoder
Language: Python - Size: 650 KB - Last synced at: over 2 years ago - Pushed at: over 8 years ago - Stars: 36 - Forks: 4
gaborvecsei/Federated-Learning-Mini-Framework
Federated Learning mini-framework with Keras
Language: Python - Size: 155 KB - Last synced at: 9 months ago - Pushed at: over 6 years ago - Stars: 35 - Forks: 13
rohanchopra/cifar10
Predict CIFAR-10 labels with 88% accuracy using keras.
Language: Jupyter Notebook - Size: 194 MB - Last synced at: 8 months ago - Pushed at: over 8 years ago - Stars: 34 - Forks: 51
AsafShul/PoDD
Official PyTorch Implementation for the "Distilling Datasets Into Less Than One Image" paper.
Language: Python - Size: 12.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 32 - Forks: 1
guanfuchen/cifarclassify
实现常用图像分类算法
Language: Python - Size: 407 KB - Last synced at: almost 3 years ago - Pushed at: over 3 years ago - Stars: 32 - Forks: 8
kunzhan/InfoMatch
IJCAI 2024, InfoMatch: Entropy neural estimation for semi-supervised image classification
Language: Python - Size: 3.11 MB - Last synced at: 8 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: 6 months ago - Pushed at: about 6 years ago - Stars: 31 - Forks: 9
statmlben/ensLoss
EnsLoss: Stochastic Calibrated Loss Ensembles for Preventing Overfitting in Classification
Language: Python - Size: 3.99 MB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 30 - Forks: 1
ataturhan21/Cifar10-Image-Classification
Convolutional Neural Network for CIFAR-10 image classification with data augmentation and optimized Keras model.
Language: Jupyter Notebook - Size: 77.1 KB - Last synced at: 14 days ago - Pushed at: about 1 year ago - Stars: 29 - Forks: 0
jerett/PyTorch-CIFAR10
practice on CIFAR10 with PyTorch
Language: Jupyter Notebook - Size: 947 KB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 29 - Forks: 8
peteryuX/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.
Language: Python - Size: 270 KB - Last synced at: 10 months ago - Pushed at: almost 3 years ago - Stars: 27 - Forks: 8
EmilianoGagliardiEmanueleGhelfi/CNN-compression-performance
A python script that automatise the training of a CNN, compress it through tensorflow (or ristretto) plugin, and compares the performance of the two networks
Language: Python - Size: 304 MB - Last synced at: almost 3 years ago - Pushed at: about 3 years ago - Stars: 27 - Forks: 10
zfgao66/deeplearning-mpo
Replace FC2, LeNet-5, VGG, Resnet, Densenet's full-connected layers with MPO
Language: Python - Size: 77.1 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 27 - Forks: 9
kentaroy47/pytorch-mgpu-cifar10
testing multi gpu for pytorch
Language: Python - Size: 14.6 KB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 26 - Forks: 9
Hydrino/ACGAN_cifar10
A PyTorch implementation of Auxiliary Classifier GAN to generate CIFAR10 images.
Language: Python - Size: 696 KB - Last synced at: almost 3 years ago - Pushed at: about 7 years ago - Stars: 26 - Forks: 10
KellerJordan/ResNet-PyTorch-CIFAR10 📦
PyTorch implementation of residual networks trained on CIFAR-10 dataset
Language: Python - Size: 13.7 KB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 26 - Forks: 6
Cydia2018/Vision-Transformer-CIFAR10
Pytorch implementation of some vision transformers, trained on CIFAR-10.
Language: Python - Size: 7.05 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 25 - Forks: 1
prs-eth/FILM-Ensemble
[NeurIPS 2022] FiLM-Ensemble: Probabilistic Deep Learning via Feature-wise Linear Modulation
Language: Python - Size: 131 KB - Last synced at: 9 months ago - Pushed at: about 3 years ago - Stars: 24 - Forks: 2
sian-chen/PyTorch-ECGAN
The code for the NeurIPS 2021 paper "A Unified View of cGANs with and without Classifiers".
Language: Python - Size: 14.2 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 24 - Forks: 2
Yorko/deep_learning_python_intro Fork of sozykin/dlpython_course
Materials for the course on programming deep neural networks in Python (Russian)
Language: Jupyter Notebook - Size: 15.6 MB - Last synced at: almost 3 years ago - Pushed at: over 8 years ago - Stars: 24 - Forks: 20
gplhegde/theano-xnor-net
Theano implementation of XNOR-Net
Language: Python - Size: 23.4 KB - Last synced at: almost 3 years ago - Pushed at: almost 9 years ago - Stars: 24 - Forks: 15
leftthomas/MoCo
A PyTorch implementation of MoCo based on CVPR 2020 paper "Momentum Contrast for Unsupervised Visual Representation Learning"
Language: Python - Size: 91.8 KB - Last synced at: almost 3 years ago - Pushed at: about 5 years ago - Stars: 23 - Forks: 6
fabio-deep/ReZero-ResNet
Unofficial pytorch implementation of ReZero in ResNet
Language: Python - Size: 577 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 23 - Forks: 3
nitarshan/one-pixel-attack
PyTorch implementation of "One Pixel Attack for Fooling Deep Neural Networks"
Language: Jupyter Notebook - Size: 25.4 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 23 - Forks: 10
hiram64/temporal-ensembling-semi-supervised
Keras implementation of temporal ensembling(semi-supervised learning)
Language: Python - Size: 11.7 KB - Last synced at: 11 months ago - Pushed at: almost 7 years ago - Stars: 22 - Forks: 9
tfzhou/FedFA
ICLR 2023 - FedFA: Federated Feature Augmentation
Language: Python - Size: 5.37 MB - Last synced at: almost 3 years ago - Pushed at: almost 3 years ago - Stars: 21 - Forks: 0