All Projects → cDCGAN → Similar Projects or Alternatives

283 Open source projects that are alternatives of or similar to cDCGAN

Gan Tutorial
Simple Implementation of many GAN models with PyTorch.
Stars: ✭ 227 (+363.27%)
Mutual labels:  mnist, dcgan, celeba
Tf Exercise Gan
Tensorflow implementation of different GANs and their comparisions
Stars: ✭ 110 (+124.49%)
Mutual labels:  mnist, dcgan, celeba
DCGAN-Pytorch
A Pytorch implementation of "Deep Convolutional Generative Adversarial Networks"
Stars: ✭ 23 (-53.06%)
Mutual labels:  mnist, dcgan, celeba
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 (+181.63%)
Pytorch Mnist Celeba Gan Dcgan
Pytorch implementation of Generative Adversarial Networks (GAN) and Deep Convolutional Generative Adversarial Networks (DCGAN) for MNIST and CelebA datasets
Stars: ✭ 363 (+640.82%)
Mutual labels:  mnist, dcgan, celeba
gan-vae-pretrained-pytorch
Pretrained GANs + VAEs + classifiers for MNIST/CIFAR in pytorch.
Stars: ✭ 134 (+173.47%)
MNIST-invert-color
Invert the color of MNIST images with PyTorch
Stars: ✭ 13 (-73.47%)
Tensorflow DCGAN
Study Friendly Implementation of DCGAN in Tensorflow
Stars: ✭ 22 (-55.1%)
Mutual labels:  dcgan, celeba
Psgan
Periodic Spatial Generative Adversarial Networks
Stars: ✭ 108 (+120.41%)
shoe-design-using-generative-adversarial-networks
No description or website provided.
Stars: ✭ 18 (-63.27%)
Pycadl
Python package with source code from the course "Creative Applications of Deep Learning w/ TensorFlow"
Stars: ✭ 356 (+626.53%)
Mutual labels:  dcgan, celeba
coursera-gan-specialization
Programming assignments and quizzes from all courses within the GANs specialization offered by deeplearning.ai
Stars: ✭ 277 (+465.31%)
Mutual labels:  dcgan, conditional-gan
GAN-Project-2018
GAN in Tensorflow to be run via Linux command line
Stars: ✭ 21 (-57.14%)
Tensorflow Mnist Gan Dcgan
Tensorflow implementation of Generative Adversarial Networks (GAN) and Deep Convolutional Generative Adversarial Netwokrs for MNIST dataset.
Stars: ✭ 163 (+232.65%)
Mutual labels:  mnist, dcgan
Pytorch Generative Model Collections
Collection of generative models in Pytorch version.
Stars: ✭ 2,296 (+4585.71%)
Mutual labels:  mnist, conditional-gan
gans-2.0
Generative Adversarial Networks in TensorFlow 2.0
Stars: ✭ 76 (+55.1%)
Mutual labels:  mnist, conditional-gan
DCGAN-CelebA-PyTorch-CPP
DCGAN Implementation using PyTorch in both C++ and Python
Stars: ✭ 14 (-71.43%)
Mutual labels:  dcgan, celeba
Mimicry
[CVPR 2020 Workshop] A PyTorch GAN library that reproduces research results for popular GANs.
Stars: ✭ 458 (+834.69%)
Pytorch Mnist Celeba Cgan Cdcgan
Pytorch implementation of conditional Generative Adversarial Networks (cGAN) and conditional Deep Convolutional Generative Adversarial Networks (cDCGAN) for MNIST dataset
Stars: ✭ 290 (+491.84%)
Mutual labels:  mnist, celeba
Tf.gans Comparison
Implementations of (theoretical) generative adversarial networks and comparison without cherry-picking
Stars: ✭ 477 (+873.47%)
Mutual labels:  dcgan, celeba
Tensorflow Generative Model Collections
Collection of generative models in Tensorflow
Stars: ✭ 3,785 (+7624.49%)
Disentangling Vae
Experiments for understanding disentanglement in VAE latent representations
Stars: ✭ 398 (+712.24%)
Mutual labels:  mnist, celeba
pix2pix
This project uses a conditional generative adversarial network (cGAN) named Pix2Pix for the Image to image translation task.
Stars: ✭ 28 (-42.86%)
Mutual labels:  conditional-gan
tensorflow-example
Tensorflow-example:使用MNIST训练模型,并识别手写数字图片
Stars: ✭ 26 (-46.94%)
Mutual labels:  mnist
Handwritten Digit Recognition
手写数字识别。利用Tensorflow和MNIST实现的一个简单的手写数字识别程序。
Stars: ✭ 22 (-55.1%)
Mutual labels:  mnist
MNIST-CoreML
Predict handwritten digits with CoreML
Stars: ✭ 63 (+28.57%)
Mutual labels:  mnist
Fun-with-MNIST
Playing with MNIST. Machine Learning. Generative Models.
Stars: ✭ 23 (-53.06%)
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 (-77.55%)
Mutual labels:  mnist
handwritten-digit-recognition-tensorflowjs
In-Browser Digit recognition with Tensorflow.js and React using Mnist dataset
Stars: ✭ 40 (-18.37%)
Mutual labels:  mnist
Pytorch-PCGrad
Pytorch reimplementation for "Gradient Surgery for Multi-Task Learning"
Stars: ✭ 179 (+265.31%)
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 (-53.06%)
Mutual labels:  mnist
tensorflow-mnist-AAE
Tensorflow implementation of adversarial auto-encoder for MNIST
Stars: ✭ 86 (+75.51%)
Mutual labels:  mnist
Conditional-SeqGAN-Tensorflow
Conditional Sequence Generative Adversarial Network trained with policy gradient, Implementation in Tensorflow
Stars: ✭ 47 (-4.08%)
Mutual labels:  conditional-gan
Awesome Tensorlayer
A curated list of dedicated resources and applications
Stars: ✭ 248 (+406.12%)
Mutual labels:  mnist
pytorch-siamese-triplet
One-Shot Learning with Triplet CNNs in Pytorch
Stars: ✭ 74 (+51.02%)
Mutual labels:  mnist
Pytorch-conditional-GANs
Implementation of Conditional Generative Adversarial Networks in PyTorch
Stars: ✭ 91 (+85.71%)
Mutual labels:  dcgan
Gordon cnn
A small convolution neural network deep learning framework implemented in c++.
Stars: ✭ 241 (+391.84%)
Mutual labels:  mnist
Vae Cvae Mnist
Variational Autoencoder and Conditional Variational Autoencoder on MNIST in PyTorch
Stars: ✭ 229 (+367.35%)
Mutual labels:  mnist
Tf Vqvae
Tensorflow Implementation of the paper [Neural Discrete Representation Learning](https://arxiv.org/abs/1711.00937) (VQ-VAE).
Stars: ✭ 226 (+361.22%)
Mutual labels:  mnist
digit recognizer
CNN digit recognizer implemented in Keras Notebook, Kaggle/MNIST (0.995).
Stars: ✭ 27 (-44.9%)
Mutual labels:  mnist
MXNet-GAN
MXNet Implementation of DCGAN, Conditional GAN, pix2pix
Stars: ✭ 23 (-53.06%)
Mutual labels:  dcgan
Vq Vae
Minimalist implementation of VQ-VAE in Pytorch
Stars: ✭ 224 (+357.14%)
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 (+328.57%)
Mutual labels:  mnist
pytorch-gans
PyTorch implementation of GANs (Generative Adversarial Networks). DCGAN, Pix2Pix, CycleGAN, SRGAN
Stars: ✭ 21 (-57.14%)
Mutual labels:  dcgan
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 (+308.16%)
Mutual labels:  mnist
emotion-recognition-GAN
This project is a semi-supervised approach to detect emotions on faces in-the-wild using GAN
Stars: ✭ 20 (-59.18%)
Mutual labels:  dcgan
Lingvo
Lingvo
Stars: ✭ 2,361 (+4718.37%)
Mutual labels:  mnist
dcgan vae pytorch
dcgan combined with vae in pytorch!
Stars: ✭ 110 (+124.49%)
Mutual labels:  dcgan
alphaGAN
A PyTorch implementation of alpha-GAN
Stars: ✭ 15 (-69.39%)
Tflite Mnist Android
MNIST with TensorFlow Lite on Android
Stars: ✭ 195 (+297.96%)
Mutual labels:  mnist
adversarial-autoencoder
Tensorflow 2.0 implementation of Adversarial Autoencoders
Stars: ✭ 17 (-65.31%)
Mutual labels:  mnist
Gan Mnist
Generative Adversarial Network for MNIST with tensorflow
Stars: ✭ 193 (+293.88%)
Mutual labels:  mnist
Tensorflow Mnist Cnn
MNIST classification using Convolutional NeuralNetwork. Various techniques such as data augmentation, dropout, batchnormalization, etc are implemented.
Stars: ✭ 182 (+271.43%)
Mutual labels:  mnist
Pix2Pix
Image to Image Translation using Conditional GANs (Pix2Pix) implemented using Tensorflow 2.0
Stars: ✭ 29 (-40.82%)
Mutual labels:  conditional-gan
prediction gan
PyTorch Impl. of Prediction Optimizer (to stabilize GAN training)
Stars: ✭ 31 (-36.73%)
Mutual labels:  dcgan
Nnpulearning
Non-negative Positive-Unlabeled (nnPU) and unbiased Positive-Unlabeled (uPU) learning reproductive code on MNIST and CIFAR10
Stars: ✭ 181 (+269.39%)
Mutual labels:  mnist
Everybody-dance-now
Implementation of paper everybody dance now for Deep learning course project
Stars: ✭ 22 (-55.1%)
Mutual labels:  conditional-gan
Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (+4177.55%)
Mutual labels:  mnist
Pytorch Distributed Example
Stars: ✭ 157 (+220.41%)
Mutual labels:  mnist
cluttered-mnist
Experiments on cluttered mnist dataset with Tensorflow.
Stars: ✭ 20 (-59.18%)
Mutual labels:  mnist
1-60 of 283 similar projects