mnist
There are 2760 repositories under mnist topic.
zalandoresearch/fashion-mnist
A MNIST-like fashion product database. Benchmark :point_down:
hwalsuklee/tensorflow-generative-model-collections
Collection of generative models in Tensorflow
tensorflow/lingvo
Lingvo
znxlwm/pytorch-generative-model-collections
Collection of generative models in Pytorch version.
golbin/TensorFlow-Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
CannyLab/tsne-cuda
GPU Accelerated t-SNE for CUDA with Python bindings
gram-ai/capsule-networks
A PyTorch implementation of the NIPS 2017 paper "Dynamic Routing Between Capsules".
Bjarten/early-stopping-pytorch
Early stopping for PyTorch
MedMNIST/MedMNIST
[pip install medmnist] 18x Standardized Datasets for 2D and 3D Biomedical Image Classification
philipperemy/keract
Layers Outputs and Gradients in Keras. Made easy.
didi/AoE
AoE (AI on Edge,终端智能,边缘计算) 是一个终端侧AI集成运行时环境 (IRE),帮助开发者提升效率。
codebasics/deep-learning-keras-tf-tutorial
Learn deep learning with tensorflow2.0, keras and python through this comprehensive deep learning tutorial series. Learn deep learning from scratch. Deep learning series for beginners. Tensorflow tutorials, tensorflow 2.0 tutorial. deep learning tutorial python.
YannDubs/disentangling-vae
Experiments for understanding disentanglement in VAE latent representations
ratschlab/RGAN
Recurrent (conditional) generative adversarial networks for generating real-valued time series data.
Jakobovski/free-spoken-digit-dataset
A free audio dataset of spoken digits. An audio version of MNIST.
timbmg/VAE-CVAE-MNIST
Variational Autoencoder and Conditional Variational Autoencoder on MNIST in PyTorch
geektutu/tensorflow-tutorial-samples
TensorFlow2教程 TensorFlow 2.0 Tutorial 入门教程实战案例
nadavbh12/VQ-VAE
Minimalist implementation of VQ-VAE in Pytorch
znxlwm/pytorch-MNIST-CelebA-GAN-DCGAN
Pytorch implementation of Generative Adversarial Networks (GAN) and Deep Convolutional Generative Adversarial Networks (DCGAN) for MNIST and CelebA datasets
hwalsuklee/tensorflow-mnist-VAE
Tensorflow implementation of variational auto-encoder for MNIST
znxlwm/pytorch-MNIST-CelebA-cGAN-cDCGAN
Pytorch implementation of conditional Generative Adversarial Networks (cGAN) and conditional Deep Convolutional Generative Adversarial Networks (cDCGAN) for MNIST dataset
adambielski/CapsNet-pytorch
PyTorch implementation of NIPS 2017 paper Dynamic Routing Between Capsules
amitshekhariitbhu/AndroidTensorFlowMNISTExample
Android TensorFlow MachineLearning MNIST Example (Building Model with TensorFlow for Android)
loretoparisi/CapsNet
CapsNet (Capsules Net) in Geoffrey E Hinton paper "Dynamic Routing Between Capsules" - State Of the Art
dougbrion/pytorch-classification-uncertainty
This repo contains a PyTorch implementation of the paper: "Evidential Deep Learning to Quantify Classification Uncertainty"
yunjey/mnist-svhn-transfer
PyTorch Implementation of CycleGAN and SSGAN for Domain Transfer (Minimal)
zhengyima/mnist-classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Yangyangii/GAN-Tutorial
Simple Implementation of many GAN models with PyTorch.
hereismari/mnist-android-tensorflow
Handwritten digits classification from MNIST with TensorFlow on Android; Featuring Tutorial!
WeiChengTseng/Pytorch-PCGrad
Pytorch reimplementation for "Gradient Surgery for Multi-Task Learning"
kiryor/nnPUlearning
Non-negative Positive-Unlabeled (nnPU) and unbiased Positive-Unlabeled (uPU) learning reproductive code on MNIST and CIFAR10
zishansami102/CNN-from-Scratch
A scratch implementation of Convolutional Neural Network in Python using only numpy and validated over CIFAR-10 & MNIST Dataset
tensorlayer/awesome-tensorlayer
A curated list of dedicated resources and applications
emilwallner/Deep-Learning-From-Scratch
Six snippets of code that made deep learning what it is today.
hiwonjoon/tf-vqvae
Tensorflow Implementation of the paper [Neural Discrete Representation Learning](https://arxiv.org/abs/1711.00937) (VQ-VAE).
liugaolian/gordon_cnn
A small convolution neural network deep learning framework implemented in c++.