All Projects → Shapegan → Similar Projects or Alternatives

1171 Open source projects that are alternatives of or similar to Shapegan

catgan pytorch
Unsupervised and Semi-supervised Learning with Categorical Generative Adversarial Networks
Stars: ✭ 50 (-66.89%)
StyleGANCpp
Unofficial implementation of StyleGAN's generator
Stars: ✭ 25 (-83.44%)
IrwGAN
Official pytorch implementation of the IrwGAN for unaligned image-to-image translation
Stars: ✭ 33 (-78.15%)
Gandissect
Pytorch-based tools for visualizing and understanding the neurons of a GAN. https://gandissect.csail.mit.edu/
Stars: ✭ 1,700 (+1025.83%)
steam-stylegan2
Train a StyleGAN2 model on Colaboratory to generate Steam banners.
Stars: ✭ 30 (-80.13%)
P2pala
Page to PAGE Layout Analysis Tool
Stars: ✭ 147 (-2.65%)
Semantic Pyramid for Image Generation
PyTorch reimplementation of the paper: "Semantic Pyramid for Image Generation" [CVPR 2020].
Stars: ✭ 45 (-70.2%)
TextBoxGAN
Generate text boxes from input words with a GAN.
Stars: ✭ 50 (-66.89%)
MNIST-invert-color
Invert the color of MNIST images with PyTorch
Stars: ✭ 13 (-91.39%)
ezgan
An extremely simple generative adversarial network, built with TensorFlow
Stars: ✭ 36 (-76.16%)
ADL2019
Applied Deep Learning (2019 Spring) @ NTU
Stars: ✭ 20 (-86.75%)
Faceswap Gan
A denoising autoencoder + adversarial losses and attention mechanisms for face swapping.
Stars: ✭ 3,099 (+1952.32%)
3d Iwgan
A repository for the paper "Improved Adversarial Systems for 3D Object Generation and Reconstruction".
Stars: ✭ 166 (+9.93%)
Mutual labels:  3d, gan
Few Shot Patch Based Training
The official implementation of our SIGGRAPH 2020 paper Interactive Video Stylization Using Few-Shot Patch-Based Training
Stars: ✭ 313 (+107.28%)
Deep Generative Prior
Code for deep generative prior (ECCV2020 oral)
Stars: ✭ 308 (+103.97%)
Seq2seq Chatbot For Keras
This repository contains a new generative model of chatbot based on seq2seq modeling.
Stars: ✭ 322 (+113.25%)
Zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Stars: ✭ 3,307 (+2090.07%)
Mutual labels:  gan, autoencoder
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 (+140.4%)
Sdv
Synthetic Data Generation for tabular, relational and time series data.
Stars: ✭ 360 (+138.41%)
Igan
Interactive Image Generation via Generative Adversarial Networks
Stars: ✭ 3,845 (+2446.36%)
Pytorch Srgan
A modern PyTorch implementation of SRGAN
Stars: ✭ 289 (+91.39%)
Wassersteingan.tensorflow
Tensorflow implementation of Wasserstein GAN - arxiv: https://arxiv.org/abs/1701.07875
Stars: ✭ 419 (+177.48%)
Spectralnormalizationkeras
Spectral Normalization for Keras Dense and Convolution Layers
Stars: ✭ 100 (-33.77%)
Generative Compression
TensorFlow Implementation of Generative Adversarial Networks for Extreme Learned Image Compression
Stars: ✭ 428 (+183.44%)
Simgan
Implementation of Apple's Learning from Simulated and Unsupervised Images through Adversarial Training
Stars: ✭ 406 (+168.87%)
Textgan Pytorch
TextGAN is a PyTorch framework for Generative Adversarial Networks (GANs) based text generation models.
Stars: ✭ 479 (+217.22%)
Cool Fashion Papers
👔👗🕶️🎩 Cool resources about Fashion + AI! (papers, datasets, workshops, companies, ...) (constantly updating)
Stars: ✭ 464 (+207.28%)
Video prediction
Stochastic Adversarial Video Prediction
Stars: ✭ 247 (+63.58%)
Zerospeech Tts Without T
A Pytorch implementation for the ZeroSpeech 2019 challenge.
Stars: ✭ 100 (-33.77%)
Mutual labels:  gan, autoencoder
Stylegan2 Projecting Images
Projecting images to latent space with StyleGAN2.
Stars: ✭ 102 (-32.45%)
Tensorflow Mnist Cgan Cdcgan
Tensorflow implementation of conditional Generative Adversarial Networks (cGAN) and conditional Deep Convolutional Adversarial Networks (cDCGAN) for MANIST dataset.
Stars: ✭ 122 (-19.21%)
Pix2pixhd
Synthesizing and manipulating 2048x1024 images with conditional GANs
Stars: ✭ 5,553 (+3577.48%)
Exposure
Learning infinite-resolution image processing with GAN and RL from unpaired image datasets, using a differentiable photo editing model.
Stars: ✭ 605 (+300.66%)
Awesome Gans
Awesome Generative Adversarial Networks with tensorflow
Stars: ✭ 585 (+287.42%)
Adversarial video generation
A TensorFlow Implementation of "Deep Multi-Scale Video Prediction Beyond Mean Square Error" by Mathieu, Couprie & LeCun.
Stars: ✭ 662 (+338.41%)
Pggan Pytorch
🔥🔥 PyTorch implementation of "Progressive growing of GANs (PGGAN)" 🔥🔥
Stars: ✭ 653 (+332.45%)
Hidt
Official repository for the paper "High-Resolution Daytime Translation Without Domain Labels" (CVPR2020, Oral)
Stars: ✭ 513 (+239.74%)
Musegan
An AI for Music Generation
Stars: ✭ 794 (+425.83%)
Pytorch Pretrained Biggan
🦋A PyTorch implementation of BigGAN with pretrained weights and conversion scripts.
Stars: ✭ 779 (+415.89%)
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: ✭ 13 (-91.39%)
Instagan
InstaGAN: Instance-aware Image Translation (ICLR 2019)
Stars: ✭ 761 (+403.97%)
Gandlf
Generative Adversarial Networks in Keras
Stars: ✭ 46 (-69.54%)
Relativistic Average Gan Keras
The implementation of Relativistic average GAN with Keras
Stars: ✭ 36 (-76.16%)
Hypergan
Composable GAN framework with api and user interface
Stars: ✭ 1,104 (+631.13%)
Generative Adversarial Networks
Introduction to generative adversarial networks, with code to accompany the O'Reilly tutorial on GANs
Stars: ✭ 505 (+234.44%)
Dcgan Tensorflow
A Tensorflow implementation of Deep Convolutional Generative Adversarial Networks trained on Fashion-MNIST, CIFAR-10, etc.
Stars: ✭ 70 (-53.64%)
Pacgan
[NeurIPS 2018] [JSAIT] PacGAN: The power of two samples in generative adversarial networks
Stars: ✭ 67 (-55.63%)
Niftynet
[unmaintained] An open-source convolutional neural networks platform for research in medical image analysis and image-guided therapy
Stars: ✭ 1,276 (+745.03%)
Mutual labels:  gan, autoencoder
Pix2pix
Image-to-image translation with conditional adversarial nets
Stars: ✭ 8,765 (+5704.64%)
The Gan Zoo
A list of all named GANs!
Stars: ✭ 11,454 (+7485.43%)
Sprint gan
Privacy-preserving generative deep neural networks support clinical data sharing
Stars: ✭ 92 (-39.07%)
Lggan
[CVPR 2020] Local Class-Specific and Global Image-Level Generative Adversarial Networks for Semantic-Guided Scene Generation
Stars: ✭ 97 (-35.76%)
Repo 2017
Python codes in Machine Learning, NLP, Deep Learning and Reinforcement Learning with Keras and Theano
Stars: ✭ 1,123 (+643.71%)
Adgan
The Implementation of paper "Controllable Person Image Synthesis with Attribute-Decomposed GAN"
Stars: ✭ 239 (+58.28%)
The Gan World
Everything about Generative Adversarial Networks
Stars: ✭ 243 (+60.93%)
Seqgan
A simplified PyTorch implementation of "SeqGAN: Sequence Generative Adversarial Nets with Policy Gradient." (Yu, Lantao, et al.)
Stars: ✭ 502 (+232.45%)
Cyclegan Qp
Official PyTorch implementation of "Artist Style Transfer Via Quadratic Potential"
Stars: ✭ 59 (-60.93%)
Lsd Seg
Learning from Synthetic Data: Addressing Domain Shift for Semantic Segmentation
Stars: ✭ 99 (-34.44%)
Exermote
Using Machine Learning to predict the type of exercise from movement data
Stars: ✭ 108 (-28.48%)
Hccg Cyclegan
Handwritten Chinese Characters Generation
Stars: ✭ 115 (-23.84%)
61-120 of 1171 similar projects