All Projects → moodoki → Semantic_image_inpainting

moodoki / Semantic_image_inpainting

Licence: mit
Semantic Image Inpainting

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Semantic image inpainting

Context Encoder
[CVPR 2016] Unsupervised Feature Learning by Image Inpainting using GANs
Stars: ✭ 731 (+422.14%)
Mutual labels:  gan, generative-adversarial-network, dcgan
Dcgan Pytorch
PyTorch Implementation of DCGAN trained on the CelebA dataset.
Stars: ✭ 32 (-77.14%)
Mutual labels:  gan, generative-model, dcgan
Gans In Action
Companion repository to GANs in Action: Deep learning with Generative Adversarial Networks
Stars: ✭ 748 (+434.29%)
Mutual labels:  gan, generative-adversarial-network, dcgan
Hidt
Official repository for the paper "High-Resolution Daytime Translation Without Domain Labels" (CVPR2020, Oral)
Stars: ✭ 513 (+266.43%)
Mutual labels:  gan, generative-adversarial-network, image-processing
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 (-1.43%)
Mutual labels:  gan, generative-adversarial-network, dcgan
Awesome Gans
Awesome Generative Adversarial Networks with tensorflow
Stars: ✭ 585 (+317.86%)
Mutual labels:  gan, generative-adversarial-network, dcgan
Dcgan Tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
Stars: ✭ 6,963 (+4873.57%)
Mutual labels:  gan, generative-model, dcgan
Dcgan
The Simplest DCGAN Implementation
Stars: ✭ 286 (+104.29%)
Mutual labels:  gan, generative-adversarial-network, dcgan
Lggan
[CVPR 2020] Local Class-Specific and Global Image-Level Generative Adversarial Networks for Semantic-Guided Scene Generation
Stars: ✭ 97 (-30.71%)
Mutual labels:  gan, generative-adversarial-network, generative-model
Dcgan Tensorflow
A Tensorflow implementation of Deep Convolutional Generative Adversarial Networks trained on Fashion-MNIST, CIFAR-10, etc.
Stars: ✭ 70 (-50%)
Mutual labels:  gan, generative-adversarial-network, dcgan
Seqgan
A simplified PyTorch implementation of "SeqGAN: Sequence Generative Adversarial Nets with Policy Gradient." (Yu, Lantao, et al.)
Stars: ✭ 502 (+258.57%)
Mutual labels:  gan, generative-adversarial-network, generative-model
Psgan
Periodic Spatial Generative Adversarial Networks
Stars: ✭ 108 (-22.86%)
Mutual labels:  gan, generative-model, dcgan
Igan
Interactive Image Generation via Generative Adversarial Networks
Stars: ✭ 3,845 (+2646.43%)
Mutual labels:  gan, generative-adversarial-network, dcgan
Exposure
Learning infinite-resolution image processing with GAN and RL from unpaired image datasets, using a differentiable photo editing model.
Stars: ✭ 605 (+332.14%)
Mutual labels:  gan, generative-adversarial-network, image-processing
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 (+159.29%)
Mutual labels:  gan, generative-adversarial-network, dcgan
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 (-90.71%)
Mutual labels:  gan, generative-adversarial-network, image-processing
Generative models tutorial with demo
Generative Models Tutorial with Demo: Bayesian Classifier Sampling, Variational Auto Encoder (VAE), Generative Adversial Networks (GANs), Popular GANs Architectures, Auto-Regressive Models, Important Generative Model Papers, Courses, etc..
Stars: ✭ 276 (+97.14%)
Mutual labels:  generative-adversarial-network, generative-model, dcgan
Alae
[CVPR2020] Adversarial Latent Autoencoders
Stars: ✭ 3,178 (+2170%)
Mutual labels:  gan, generative-adversarial-network, generative-model
Pix2pix
Image-to-image translation with conditional adversarial nets
Stars: ✭ 8,765 (+6160.71%)
Mutual labels:  gan, generative-adversarial-network, dcgan
Spectralnormalizationkeras
Spectral Normalization for Keras Dense and Convolution Layers
Stars: ✭ 100 (-28.57%)
Mutual labels:  gan, generative-adversarial-network, generative-model

Semantic Image Inpainting With Deep Generative Models and image restoration with GANS

[Inpainting CVPR2017] [Image Restore ICASSP2018]

Tensorflow implementation for semantic image inpainting:

Semantic Image Inpainting With Deep Generative Models

Raymond A. Yeh*, Teck Yian Lim*, Chen Chen, Alexander G. Schwing, Mark Hasegawa-Johnson, Minh N. Do

In CVPR 2017

* indicating equal contributions.

Overview

Implementation of proposed cost function and backpropogation to input.

In this code release, we load a pretrained DCGAN model, and apply our proposed objective function for the task of image completion.

Notes

To reproduce the CVPR2017 work, run the inpainting example.

Dependencies

  • Tensorflow >= 1.0
  • scipy + PIL/pillow (image io)
  • pyamg (for Poisson blending)

Tested to work with both Python 2.7 and Python 3.5

Files

  • src/model.py - Main implementation
  • src/inpaint.py - command line application
  • src/external - external code used. Citations in code
  • graphs/dcgan-100.pb - frozen pretrained DCGAN with 100-dimension latent space

Weights

Git doesn't work nicely with large binary files. Please download our weights from here, trained on the CelebA dataset.

Alternatively, train your own GAN using your dataset. Conversion from checkpoint to Tensorflow ProtoBuf format can be done with this script

Running

Generate multiple candidates for completion:

python src/inpaint.py --model_file graphs/dcgan-100.pb \
    --maskType center --in_image testimages/face1.png \
    --nIter 1000 --blend

Generate completions for multiple input images:

python src/inpaint.py --model_file graphs/dcgan-100.pb \
    --maskType center --inDir testimages \
    --nIter 1000 --blend

Citation

@inproceedings{
    yeh2017semantic,
    title={Semantic Image Inpainting with Deep Generative Models},
    author={Yeh$^\ast$, Raymond A. and Chen$^\ast$, Chen and Lim, Teck Yian and Schwing Alexander G. and Hasegawa-Johnson, Mark and Do, Minh N.},
    booktitle={Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition},
    year={2017},
    note = {$^\ast$ equal contribution},
}
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].