All Projects → Rethinking Inpainting Medfe → Similar Projects or Alternatives

398 Open source projects that are alternatives of or similar to Rethinking Inpainting Medfe

Stylegan.pytorch
A PyTorch implementation for StyleGAN with full features.
Stars: ✭ 150 (-25%)
Focal Frequency Loss
Focal Frequency Loss for Generative Models
Stars: ✭ 141 (-29.5%)
Edge Connect
EdgeConnect: Structure Guided Image Inpainting using Edge Prediction, ICCV 2019 https://arxiv.org/abs/1901.00212
Stars: ✭ 2,163 (+981.5%)
Shapegan
Generative Adversarial Networks and Autoencoders for 3D Shapes
Stars: ✭ 151 (-24.5%)
Dagan
The implementation code for "DAGAN: Deep De-Aliasing Generative Adversarial Networks for Fast Compressed Sensing MRI Reconstruction"
Stars: ✭ 132 (-34%)
Facegan
TF implementation of our ECCV 2018 paper: Semi-supervised Adversarial Learning to Generate Photorealistic Face Images of New Identities from 3D Morphable Model
Stars: ✭ 176 (-12%)
Genegan
GeneGAN: Learning Object Transfiguration and Attribute Subspace from Unpaired Data
Stars: ✭ 142 (-29%)
Pytorch Generative Model Collections
Collection of generative models in Pytorch version.
Stars: ✭ 2,296 (+1048%)
Gesturegan
[ACM MM 2018 Oral] GestureGAN for Hand Gesture-to-Gesture Translation in the Wild
Stars: ✭ 136 (-32%)
Tensorflow Mnist Gan Dcgan
Tensorflow implementation of Generative Adversarial Networks (GAN) and Deep Convolutional Generative Adversarial Netwokrs for MNIST dataset.
Stars: ✭ 163 (-18.5%)
Mmediting
OpenMMLab Image and Video Editing Toolbox
Stars: ✭ 2,618 (+1209%)
Awesome Gan For Medical Imaging
Awesome GAN for Medical Imaging
Stars: ✭ 1,814 (+807%)
Opt Mmd
Learning kernels to maximize the power of MMD tests
Stars: ✭ 181 (-9.5%)
Netgan
Implementation of the paper "NetGAN: Generating Graphs via Random Walks".
Stars: ✭ 152 (-24%)
Freezed
Freeze the Discriminator: a Simple Baseline for Fine-Tuning GANs (CVPRW 2020)
Stars: ✭ 195 (-2.5%)
Tensorflow Infogan
🎎 InfoGAN: Interpretable Representation Learning
Stars: ✭ 149 (-25.5%)
Tgan
Generative adversarial training for generating synthetic tabular data.
Stars: ✭ 173 (-13.5%)
Semantic image inpainting
Semantic Image Inpainting
Stars: ✭ 140 (-30%)
Neuralnetworks.thought Experiments
Observations and notes to understand the workings of neural network models and other thought experiments using Tensorflow
Stars: ✭ 199 (-0.5%)
Unetgan
Official Implementation of the paper "A U-Net Based Discriminator for Generative Adversarial Networks" (CVPR 2020)
Stars: ✭ 139 (-30.5%)
Accel Brain Code
The purpose of this repository is to make prototypes as case study in the context of proof of concept(PoC) and research and development(R&D) that I have written in my website. The main research topics are Auto-Encoders in relation to the representation learning, the statistical machine learning for energy-based models, adversarial generation networks(GANs), Deep Reinforcement Learning such as Deep Q-Networks, semi-supervised learning, and neural network language model for natural language processing.
Stars: ✭ 166 (-17%)
Deep Learning With Pytorch Tutorials
深度学习与PyTorch入门实战视频教程 配套源代码和PPT
Stars: ✭ 1,986 (+893%)
Kbgan
Code for "KBGAN: Adversarial Learning for Knowledge Graph Embeddings" https://arxiv.org/abs/1711.04071
Stars: ✭ 186 (-7%)
Chainer Pix2pix
chainer implementation of pix2pix
Stars: ✭ 130 (-35%)
Anime Face Gan Keras
A DCGAN to generate anime faces using custom mined dataset
Stars: ✭ 161 (-19.5%)
Stylegan2 Pytorch
Simplest working implementation of Stylegan2, state of the art generative adversarial network, in Pytorch. Enabling everyone to experience disentanglement
Stars: ✭ 2,656 (+1228%)
Cyclegan
Software that can generate photos from paintings, turn horses into zebras, perform style transfer, and more.
Stars: ✭ 10,933 (+5366.5%)
Gan Weight Norm
Code for "On the Effects of Batch and Weight Normalization in Generative Adversarial Networks"
Stars: ✭ 182 (-9%)
Anogan Keras
Unsupervised anomaly detection with generative model, keras implementation
Stars: ✭ 157 (-21.5%)
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-2.5%)
Progressive growing of gans tensorflow
Tensorflow implementation of PROGRESSIVE GROWING OF GANS FOR IMPROVED QUALITY, STABILITY, AND VARIATION
Stars: ✭ 152 (-24%)
Gail Tf
Tensorflow implementation of generative adversarial imitation learning
Stars: ✭ 179 (-10.5%)
Isketchnfill
Software that can autocomplete sketches as the user starts drawing.
Stars: ✭ 151 (-24.5%)
Csa Inpainting
Coherent Semantic Attention for image inpainting(ICCV 2019)
Stars: ✭ 202 (+1%)
Dvbpr
Personalized Fashion Recommendation and Generation
Stars: ✭ 150 (-25%)
Text To Image
Text to image synthesis using thought vectors
Stars: ✭ 2,052 (+926%)
P2pala
Page to PAGE Layout Analysis Tool
Stars: ✭ 147 (-26.5%)
Creative Adversarial Networks
(WIP) Implementation of Creative Adversarial Networks https://arxiv.org/pdf/1706.07068.pdf
Stars: ✭ 193 (-3.5%)
Conditional Gan
Anime Generation
Stars: ✭ 141 (-29.5%)
Image generator
DCGAN image generator 🖼️.
Stars: ✭ 173 (-13.5%)
Tsit
[ECCV 2020 Spotlight] A Simple and Versatile Framework for Image-to-Image Translation
Stars: ✭ 141 (-29.5%)
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (+1%)
Nice Gan Pytorch
Official PyTorch implementation of NICE-GAN: Reusing Discriminators for Encoding: Towards Unsupervised Image-to-Image Translation
Stars: ✭ 140 (-30%)
Gannotation
GANnotation (PyTorch): Landmark-guided face to face synthesis using GANs (And a triple consistency loss!)
Stars: ✭ 167 (-16.5%)
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 (-31%)
Dragan
A stable algorithm for GAN training
Stars: ✭ 189 (-5.5%)
Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Stars: ✭ 134 (-33%)
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 (-17%)
Gandissect
Pytorch-based tools for visualizing and understanding the neurons of a GAN. https://gandissect.csail.mit.edu/
Stars: ✭ 1,700 (+750%)
Arbitrary Text To Image Papers
A collection of arbitrary text to image papers with code (constantly updating)
Stars: ✭ 196 (-2%)
Ganimation
GANimation: Anatomically-aware Facial Animation from a Single Image (ECCV'18 Oral) [PyTorch]
Stars: ✭ 1,730 (+765%)
Mmd Gan
MMD-GAN: Towards Deeper Understanding of Moment Matching Network
Stars: ✭ 161 (-19.5%)
Ganspapercollection
Stars: ✭ 130 (-35%)
Gan2shape
Code for GAN2Shape (ICLR2021 oral)
Stars: ✭ 183 (-8.5%)
Frontalization
Pytorch deep learning face frontalization model
Stars: ✭ 160 (-20%)
Triple Gan
See Triple-GAN-V2 in PyTorch: https://github.com/taufikxu/Triple-GAN
Stars: ✭ 203 (+1.5%)
Conditional Gan
Tensorflow implementation for Conditional Convolutional Adversarial Networks.
Stars: ✭ 202 (+1%)
Keras Acgan
Auxiliary Classifier Generative Adversarial Networks in Keras
Stars: ✭ 196 (-2%)
Defensegan
Defense-GAN: Protecting Classifiers Against Adversarial Attacks Using Generative Models (published in ICLR2018)
Stars: ✭ 184 (-8%)
A Pytorch Tutorial To Super Resolution
Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network | a PyTorch Tutorial to Super-Resolution
Stars: ✭ 157 (-21.5%)
1-60 of 398 similar projects