All Projects → MNIST-adversarial-images → Similar Projects or Alternatives

145 Open source projects that are alternatives of or similar to MNIST-adversarial-images

chainer-ADDA
Adversarial Discriminative Domain Adaptation in Chainer
Stars: ✭ 24 (+84.62%)
Mutual labels:  mnist, adversarial
VAE-Latent-Space-Explorer
Interactive exploration of MNIST variational autoencoder latent space with React and tensorflow.js.
Stars: ✭ 30 (+130.77%)
Mutual labels:  mnist
Lingvo
Lingvo
Stars: ✭ 2,361 (+18061.54%)
Mutual labels:  mnist
Pytorch Distributed Example
Stars: ✭ 157 (+1107.69%)
Mutual labels:  mnist
Tf Vqvae
Tensorflow Implementation of the paper [Neural Discrete Representation Learning](https://arxiv.org/abs/1711.00937) (VQ-VAE).
Stars: ✭ 226 (+1638.46%)
Mutual labels:  mnist
gans-2.0
Generative Adversarial Networks in TensorFlow 2.0
Stars: ✭ 76 (+484.62%)
Mutual labels:  mnist
Tensorflow Mnist Cnn
MNIST classification using Convolutional NeuralNetwork. Various techniques such as data augmentation, dropout, batchnormalization, etc are implemented.
Stars: ✭ 182 (+1300%)
Mutual labels:  mnist
tensorflow-mnist-MLP-batch normalization-weight initializers
MNIST classification using Multi-Layer Perceptron (MLP) with 2 hidden layers. Some weight-initializers and batch-normalization are implemented.
Stars: ✭ 49 (+276.92%)
Mutual labels:  mnist
Handwritten Digit Recognition
手写数字识别。利用Tensorflow和MNIST实现的一个简单的手写数字识别程序。
Stars: ✭ 22 (+69.23%)
Mutual labels:  mnist
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 (+961.54%)
Mutual labels:  mnist
Ti Pooling
TI-pooling: transformation-invariant pooling for feature learning in Convolutional Neural Networks
Stars: ✭ 119 (+815.38%)
Mutual labels:  mnist
Vae Cvae Mnist
Variational Autoencoder and Conditional Variational Autoencoder on MNIST in PyTorch
Stars: ✭ 229 (+1661.54%)
Mutual labels:  mnist
tensorflow-example
Tensorflow-example:使用MNIST训练模型,并识别手写数字图片
Stars: ✭ 26 (+100%)
Mutual labels:  mnist
Cnn From Scratch
A scratch implementation of Convolutional Neural Network in Python using only numpy and validated over CIFAR-10 & MNIST Dataset
Stars: ✭ 210 (+1515.38%)
Mutual labels:  mnist
DCGAN-Pytorch
A Pytorch implementation of "Deep Convolutional Generative Adversarial Networks"
Stars: ✭ 23 (+76.92%)
Mutual labels:  mnist
Gan Mnist
Generative Adversarial Network for MNIST with tensorflow
Stars: ✭ 193 (+1384.62%)
Mutual labels:  mnist
Bounding-Box-Regression-GUI
This program shows how Bounding-Box-Regression works in a visual form. Intersection over Union ( IOU ), Non Maximum Suppression ( NMS ), Object detection, 边框回归,边框回归可视化,交并比,非极大值抑制,目标检测。
Stars: ✭ 16 (+23.08%)
Mutual labels:  mnist
Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (+16023.08%)
Mutual labels:  mnist
fast-tsetlin-machine-with-mnist-demo
A fast Tsetlin Machine implementation employing bit-wise operators, with MNIST demo.
Stars: ✭ 58 (+346.15%)
Mutual labels:  mnist
Tensorflow Mnist Cvae
Tensorflow implementation of conditional variational auto-encoder for MNIST
Stars: ✭ 139 (+969.23%)
Mutual labels:  mnist
Fun-with-MNIST
Playing with MNIST. Machine Learning. Generative Models.
Stars: ✭ 23 (+76.92%)
Mutual labels:  mnist
Capsule Networks
A PyTorch implementation of the NIPS 2017 paper "Dynamic Routing Between Capsules".
Stars: ✭ 1,618 (+12346.15%)
Mutual labels:  mnist
pytorch-siamese-triplet
One-Shot Learning with Triplet CNNs in Pytorch
Stars: ✭ 74 (+469.23%)
Mutual labels:  mnist
CNN-MNIST
CNN classification model built in Keras used for Digit Recognizer task on Kaggle (https://www.kaggle.com/c/digit-recognizer)
Stars: ✭ 23 (+76.92%)
Mutual labels:  mnist
Dni.pytorch
Implement Decoupled Neural Interfaces using Synthetic Gradients in Pytorch
Stars: ✭ 111 (+753.85%)
Mutual labels:  mnist
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (+738.46%)
Mutual labels:  mnist
Gordon cnn
A small convolution neural network deep learning framework implemented in c++.
Stars: ✭ 241 (+1753.85%)
Mutual labels:  mnist
Hand-Digits-Recognition
Recognize your own handwritten digits with Tensorflow, embedded in a PyQT5 GUI. The Neural Network was trained on MNIST.
Stars: ✭ 11 (-15.38%)
Mutual labels:  mnist
Gan Tutorial
Simple Implementation of many GAN models with PyTorch.
Stars: ✭ 227 (+1646.15%)
Mutual labels:  mnist
cDCGAN
PyTorch implementation of Conditional Deep Convolutional Generative Adversarial Networks (cDCGAN)
Stars: ✭ 49 (+276.92%)
Mutual labels:  mnist
Vq Vae
Minimalist implementation of VQ-VAE in Pytorch
Stars: ✭ 224 (+1623.08%)
Mutual labels:  mnist
tensorflow-mnist-AAE
Tensorflow implementation of adversarial auto-encoder for MNIST
Stars: ✭ 86 (+561.54%)
Mutual labels:  mnist
Pratik Derin Ogrenme Uygulamalari
Çeşitli kütüphaneler kullanılarak Türkçe kod açıklamalarıyla TEMEL SEVİYEDE pratik derin öğrenme uygulamaları.
Stars: ✭ 200 (+1438.46%)
Mutual labels:  mnist
digdet
A realtime digit OCR on the browser using Machine Learning
Stars: ✭ 22 (+69.23%)
Mutual labels:  mnist
Tflite Mnist Android
MNIST with TensorFlow Lite on Android
Stars: ✭ 195 (+1400%)
Mutual labels:  mnist
adversarial-autoencoder
Tensorflow 2.0 implementation of Adversarial Autoencoders
Stars: ✭ 17 (+30.77%)
Mutual labels:  mnist
Pytorch Generative Model Collections
Collection of generative models in Pytorch version.
Stars: ✭ 2,296 (+17561.54%)
Mutual labels:  mnist
cluttered-mnist
Experiments on cluttered mnist dataset with Tensorflow.
Stars: ✭ 20 (+53.85%)
Mutual labels:  mnist
Nnpulearning
Non-negative Positive-Unlabeled (nnPU) and unbiased Positive-Unlabeled (uPU) learning reproductive code on MNIST and CIFAR10
Stars: ✭ 181 (+1292.31%)
Mutual labels:  mnist
KerasMNIST
Keras MNIST for Handwriting Detection
Stars: ✭ 25 (+92.31%)
Mutual labels:  mnist
Tensorflow Mnist Gan Dcgan
Tensorflow implementation of Generative Adversarial Networks (GAN) and Deep Convolutional Generative Adversarial Netwokrs for MNIST dataset.
Stars: ✭ 163 (+1153.85%)
Mutual labels:  mnist
MNIST
Handwritten digit recognizer using a feed-forward neural network and the MNIST dataset of 70,000 human-labeled handwritten digits.
Stars: ✭ 28 (+115.38%)
Mutual labels:  mnist
Tensorflow Infogan
🎎 InfoGAN: Interpretable Representation Learning
Stars: ✭ 149 (+1046.15%)
Mutual labels:  mnist
digitRecognition
Implementation of a digit recognition using my Neural Network with the MNIST data set.
Stars: ✭ 21 (+61.54%)
Mutual labels:  mnist
Mnist draw
This is a sample project demonstrating the use of Keras (Tensorflow) for the training of a MNIST model for handwriting recognition using CoreML on iOS 11 for inference.
Stars: ✭ 139 (+969.23%)
Mutual labels:  mnist
Pytorch-PCGrad
Pytorch reimplementation for "Gradient Surgery for Multi-Task Learning"
Stars: ✭ 179 (+1276.92%)
Mutual labels:  mnist
Lsoftmax Pytorch
The Pytorch Implementation of L-Softmax
Stars: ✭ 133 (+923.08%)
Mutual labels:  mnist
handwritten-digit-recognition-tensorflowjs
In-Browser Digit recognition with Tensorflow.js and React using Mnist dataset
Stars: ✭ 40 (+207.69%)
Mutual labels:  mnist
Tensorflow Mnist Cgan Cdcgan
Tensorflow implementation of conditional Generative Adversarial Networks (cGAN) and conditional Deep Convolutional Adversarial Networks (cDCGAN) for MANIST dataset.
Stars: ✭ 122 (+838.46%)
Mutual labels:  mnist
LeNet-from-Scratch
Implementation of LeNet5 without any auto-differentiate tools or deep learning frameworks. Accuracy of 98.6% is achieved on MNIST dataset.
Stars: ✭ 22 (+69.23%)
Mutual labels:  mnist
Gpnd
Generative Probabilistic Novelty Detection with Adversarial Autoencoders
Stars: ✭ 112 (+761.54%)
Mutual labels:  mnist
vat nmt
Implementation of "Effective Adversarial Regularization for Neural Machine Translation", ACL 2019
Stars: ✭ 22 (+69.23%)
Mutual labels:  adversarial
Tf Exercise Gan
Tensorflow implementation of different GANs and their comparisions
Stars: ✭ 110 (+746.15%)
Mutual labels:  mnist
digit recognizer
CNN digit recognizer implemented in Keras Notebook, Kaggle/MNIST (0.995).
Stars: ✭ 27 (+107.69%)
Mutual labels:  mnist
Keras Cloud Ml Engine
Adventures using keras on Google's Cloud ML Engine
Stars: ✭ 106 (+715.38%)
Mutual labels:  mnist
MNIST-CoreML
Predict handwritten digits with CoreML
Stars: ✭ 63 (+384.62%)
Mutual labels:  mnist
gradient-boosted-decision-tree
GBDT (Gradient Boosted Decision Tree: 勾配ブースティング) のpythonによる実装
Stars: ✭ 49 (+276.92%)
Mutual labels:  mnist
playing with vae
Comparing FC VAE / FCN VAE / PCA / UMAP on MNIST / FMNIST
Stars: ✭ 53 (+307.69%)
Mutual labels:  mnist
BP-Network
Multi-Classification on dataset of MNIST
Stars: ✭ 72 (+453.85%)
Mutual labels:  mnist
catacomb
The simplest machine learning library for launching UIs, running evaluations, and comparing model performance.
Stars: ✭ 13 (+0%)
Mutual labels:  mnist
1-60 of 145 similar projects