All Projects → WGAN-GP-tensorflow → Similar Projects or Alternatives

430 Open source projects that are alternatives of or similar to WGAN-GP-tensorflow

Dcgan wgan wgan Gp lsgan sngan rsgan began acgan pggan tensorflow
Implementation of some different variants of GANs by tensorflow, Train the GAN in Google Cloud Colab, DCGAN, WGAN, WGAN-GP, LSGAN, SNGAN, RSGAN, RaSGAN, BEGAN, ACGAN, PGGAN, pix2pix, BigGAN
Stars: ✭ 166 (+621.74%)
progressive growing of GANs
Pure tensorflow implementation of progressive growing of GANs
Stars: ✭ 31 (+34.78%)
Awesome Gans
Awesome Generative Adversarial Networks with tensorflow
Stars: ✭ 585 (+2443.48%)
Pytorch Generative Model Collections
Collection of generative models in Pytorch version.
Stars: ✭ 2,296 (+9882.61%)
Improved-Wasserstein-GAN-application-on-MRI-images
Improved Wasserstein GAN (WGAN-GP) application on medical (MRI) images
Stars: ✭ 23 (+0%)
Tensorflow Generative Model Collections
Collection of generative models in Tensorflow
Stars: ✭ 3,785 (+16356.52%)
Mutual labels:  wgan, wgan-gp
Gan Tutorial
Simple Implementation of many GAN models with PyTorch.
Stars: ✭ 227 (+886.96%)
Mutual labels:  wgan, wgan-gp
Generative-Model
Repository for implementation of generative models with Tensorflow 1.x
Stars: ✭ 66 (+186.96%)
Mutual labels:  wgan, wgan-gp
progressive-growing-of-gans.pytorch
Unofficial PyTorch implementation of "Progressive Growing of GANs for Improved Quality, Stability, and Variation".
Stars: ✭ 51 (+121.74%)
Chainer Gan Lib
Chainer implementation of recent GAN variants
Stars: ✭ 386 (+1578.26%)
Deeplearningmugenknock
でぃーぷらーにんぐを無限にやってディープラーニングでDeepLearningするための実装CheatSheet
Stars: ✭ 684 (+2873.91%)
Mutual labels:  wgan, wgan-gp
coursera-gan-specialization
Programming assignments and quizzes from all courses within the GANs specialization offered by deeplearning.ai
Stars: ✭ 277 (+1104.35%)
Generative Models
Annotated, understandable, and visually interpretable PyTorch implementations of: VAE, BIRVAE, NSGAN, MMGAN, WGAN, WGANGP, LSGAN, DRAGAN, BEGAN, RaGAN, InfoGAN, fGAN, FisherGAN
Stars: ✭ 438 (+1804.35%)
speech-enhancement-WGAN
speech enhancement GAN on waveform/log-power-spectrum data using Improved WGAN
Stars: ✭ 35 (+52.17%)
Ganotebooks
wgan, wgan2(improved, gp), infogan, and dcgan implementation in lasagne, keras, pytorch
Stars: ✭ 1,446 (+6186.96%)
Mutual labels:  wgan, wgan-gp
WGAN-GP-TensorFlow
TensorFlow implementations of Wasserstein GAN with Gradient Penalty (WGAN-GP), Least Squares GAN (LSGAN), GANs with the hinge loss.
Stars: ✭ 42 (+82.61%)
Dcgan Lsgan Wgan Gp Dragan Tensorflow 2
DCGAN LSGAN WGAN-GP DRAGAN Tensorflow 2
Stars: ✭ 373 (+1521.74%)
Mutual labels:  wgan, wgan-gp
Tf.gans Comparison
Implementations of (theoretical) generative adversarial networks and comparison without cherry-picking
Stars: ✭ 477 (+1973.91%)
Mutual labels:  wgan, wgan-gp
Unified Gan Tensorflow
A Tensorflow implementation of GAN, WGAN and WGAN with gradient penalty.
Stars: ✭ 93 (+304.35%)
Mutual labels:  wgan, wgan-gp
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 (+500%)
generative deep learning
Generative Deep Learning Sessions led by Anugraha Sinha (Machine Learning Tokyo)
Stars: ✭ 24 (+4.35%)
Mutual labels:  wgan, wgan-gp
GAN-Anime-Characters
Applied several Generative Adversarial Networks (GAN) techniques such as: DCGAN, WGAN and StyleGAN to generate Anime Faces and Handwritten Digits.
Stars: ✭ 43 (+86.96%)
Fun-with-MNIST
Playing with MNIST. Machine Learning. Generative Models.
Stars: ✭ 23 (+0%)
Mutual labels:  wgan, wgan-gp
Pytorch-Basic-GANs
Simple Pytorch implementations of most used Generative Adversarial Network (GAN) varieties.
Stars: ✭ 101 (+339.13%)
Mutual labels:  wgan, wgan-gp
bmusegan
Code for “Convolutional Generative Adversarial Networks with Binary Neurons for Polyphonic Music Generation”
Stars: ✭ 58 (+152.17%)
pytorch-GAN
My pytorch implementation for GAN
Stars: ✭ 12 (-47.83%)
Pytorch models
PyTorch study
Stars: ✭ 14 (-39.13%)
CIPS-3D
3D-aware GANs based on NeRF (arXiv).
Stars: ✭ 562 (+2343.48%)
Deep-Fakes
No description or website provided.
Stars: ✭ 88 (+282.61%)
SSVEP-Neural-Generative-Models
Code to accompany our International Joint Conference on Neural Networks (IJCNN) paper entitled - Simulating Brain Signals: Creating Synthetic EEG Data via Neural-Based Generative Models for Improved SSVEP Classification
Stars: ✭ 37 (+60.87%)
DCGAN-Pytorch
A Pytorch implementation of "Deep Convolutional Generative Adversarial Networks"
Stars: ✭ 23 (+0%)
MAD-GAN-MLCAMP
Repository for MAD-GAN Paper done in ML CAMP Jeju
Stars: ✭ 17 (-26.09%)
timegan-pytorch
This repository is a non-official implementation of TimeGAN (Yoon et al., NIPS2019) using PyTorch.
Stars: ✭ 46 (+100%)
text2image-benchmark
Performance comparison of existing GAN based Text To Image algorithms. (GAN-CLS, StackGAN, TAC-GAN)
Stars: ✭ 25 (+8.7%)
Articles-Bookmarked
No description or website provided.
Stars: ✭ 30 (+30.43%)
DeepEcho
Synthetic Data Generation for mixed-type, multivariate time series.
Stars: ✭ 44 (+91.3%)
ganbert
Enhancing the BERT training with Semi-supervised Generative Adversarial Networks
Stars: ✭ 205 (+791.3%)
MMD-GAN
Improving MMD-GAN training with repulsive loss function
Stars: ✭ 82 (+256.52%)
Deep-Learning-Pytorch
A repo containing code covering various aspects of deep learning on Pytorch. Great for beginners and intermediate in the field
Stars: ✭ 59 (+156.52%)
DeepSIM
Official PyTorch implementation of the paper: "DeepSIM: Image Shape Manipulation from a Single Augmented Training Sample" (ICCV 2021 Oral)
Stars: ✭ 389 (+1591.3%)
text2imageNet
Generate image from text with Generative Adversarial Network
Stars: ✭ 26 (+13.04%)
GraphCNN-GAN
Graph-convolutional GAN for point cloud generation. Code from ICLR 2019 paper Learning Localized Generative Models for 3D Point Clouds via Graph Convolution
Stars: ✭ 50 (+117.39%)
gan deeplearning4j
Automatic feature engineering using Generative Adversarial Networks using Deeplearning4j and Apache Spark.
Stars: ✭ 19 (-17.39%)
DCGAN-CIFAR10
A implementation of DCGAN (Deep Convolutional Generative Adversarial Networks) for CIFAR10 image
Stars: ✭ 18 (-21.74%)
SMILE
SMILE: Semantically-guided Multi-attribute Image and Layout Editing, ICCV Workshops 2021.
Stars: ✭ 28 (+21.74%)
Sketch2Color-anime-translation
Given a simple anime line-art sketch the model outputs a decent colored anime image using Conditional-Generative Adversarial Networks (C-GANs) concept.
Stars: ✭ 90 (+291.3%)
Self-Supervised-GANs
Tensorflow Implementation for paper "self-supervised generative adversarial networks"
Stars: ✭ 34 (+47.83%)
Awesome-GAN-Resources
🤖A list of resources to help anyone getting started with GANs 🤖
Stars: ✭ 90 (+291.3%)
Cross-Domain-Image-Translation-Using-CycleGAN
CycleGAN based neural network architecture to change the gender of a person’s face
Stars: ✭ 15 (-34.78%)
gzsl-od
Out-of-Distribution Detection for Generalized Zero-Shot Action Recognition
Stars: ✭ 47 (+104.35%)
binarygan
Code for "Training Generative Adversarial Networks with Binary Neurons by End-to-end Backpropagation"
Stars: ✭ 25 (+8.7%)
Pytorch-conditional-GANs
Implementation of Conditional Generative Adversarial Networks in PyTorch
Stars: ✭ 91 (+295.65%)
GAN-LTH
[ICLR 2021] "GANs Can Play Lottery Too" by Xuxi Chen, Zhenyu Zhang, Yongduo Sui, Tianlong Chen
Stars: ✭ 24 (+4.35%)
ST-CGAN
Dataset and Code for our CVPR'18 paper ST-CGAN: "Stacked Conditional Generative Adversarial Networks for Jointly Learning Shadow Detection and Shadow Removal"
Stars: ✭ 64 (+178.26%)
gans-2.0
Generative Adversarial Networks in TensorFlow 2.0
Stars: ✭ 76 (+230.43%)
SDGym
Benchmarking synthetic data generation methods.
Stars: ✭ 177 (+669.57%)
hyperstyle
Official Implementation for "HyperStyle: StyleGAN Inversion with HyperNetworks for Real Image Editing" (CVPR 2022) https://arxiv.org/abs/2111.15666
Stars: ✭ 874 (+3700%)
Paper-Notes
Paper notes in deep learning/machine learning and computer vision
Stars: ✭ 37 (+60.87%)
HashGAN
HashGAN: Deep Learning to Hash with Pair Conditional Wasserstein GAN
Stars: ✭ 63 (+173.91%)
path planning GAN
Path Planning using Generative Adversarial Network (GAN)
Stars: ✭ 36 (+56.52%)
1-60 of 430 similar projects