All Projects → arnavkj1995 → face_inpainting

arnavkj1995 / face_inpainting

Licence: MIT license
No description or website provided.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to face inpainting

Mmediting
OpenMMLab Image and Video Editing Toolbox
Stars: ✭ 2,618 (+9596.3%)
Mutual labels:  generative-adversarial-network, inpainting
csgan
Task-Aware Compressed Sensing Using Generative Adversarial Networks (published in AAAI18)
Stars: ✭ 25 (-7.41%)
Mutual labels:  generative-adversarial-network
gan-vae-pretrained-pytorch
Pretrained GANs + VAEs + classifiers for MNIST/CIFAR in pytorch.
Stars: ✭ 134 (+396.3%)
Mutual labels:  generative-adversarial-network
ArtGAN
Tensorflow codes for our ICIP-17 and arXiv-1708.09533 works: "ArtGAN: Artwork Synthesis with Conditional Categorial GAN" & "Learning a Generative Adversarial Network for High Resolution Artwork Synthesis "
Stars: ✭ 16 (-40.74%)
Mutual labels:  generative-adversarial-network
AdversarialBinaryCoding4ReID
Codes of the paper "Adversarial Binary Coding for Efficient Person Re-identification"
Stars: ✭ 12 (-55.56%)
Mutual labels:  generative-adversarial-network
tiny-pix2pix
Redesigning the Pix2Pix model for small datasets with fewer parameters and different PatchGAN architecture
Stars: ✭ 21 (-22.22%)
Mutual labels:  generative-adversarial-network
Long-Tail-GAN
Adversarial learning framework to enhance long-tail recommendation in Neural Collaborative Filtering
Stars: ✭ 19 (-29.63%)
Mutual labels:  generative-adversarial-network
gan
A 1D toy example of optimizing a generative model using the WGAN-GP model.
Stars: ✭ 21 (-22.22%)
Mutual labels:  generative-adversarial-network
WGAN-GP-TensorFlow
TensorFlow implementations of Wasserstein GAN with Gradient Penalty (WGAN-GP), Least Squares GAN (LSGAN), GANs with the hinge loss.
Stars: ✭ 42 (+55.56%)
Mutual labels:  generative-adversarial-network
Music-generation-cRNN-GAN
cRNN-GAN to generate music by training on instrumental music (midi)
Stars: ✭ 38 (+40.74%)
Mutual labels:  generative-adversarial-network
multitask-CycleGAN
Pytorch implementation of multitask CycleGAN with auxiliary classification loss
Stars: ✭ 88 (+225.93%)
Mutual labels:  generative-adversarial-network
pytorch-dann
A PyTorch implementation for Unsupervised Domain Adaptation by Backpropagation
Stars: ✭ 110 (+307.41%)
Mutual labels:  generative-adversarial-network
Fast-Digital-Image-Inpainting
"Fast Digital Image Inpainting" using OpenCV (C++)
Stars: ✭ 34 (+25.93%)
Mutual labels:  inpainting
dictlearn
Dictionary Learning for image processing
Stars: ✭ 23 (-14.81%)
Mutual labels:  inpainting
py-msa-kdenlive
Python script to load a Kdenlive (OSS NLE video editor) project file, and conform the edit on video or numpy arrays.
Stars: ✭ 25 (-7.41%)
Mutual labels:  generative-adversarial-network
Wasserstein2GenerativeNetworks
PyTorch implementation of "Wasserstein-2 Generative Networks" (ICLR 2021)
Stars: ✭ 38 (+40.74%)
Mutual labels:  generative-adversarial-network
CPCE-3D
Low-dose CT via Transfer Learning from a 2D Trained Network, In IEEE TMI 2018
Stars: ✭ 40 (+48.15%)
Mutual labels:  generative-adversarial-network
adversarial-recommender-systems-survey
The goal of this survey is two-fold: (i) to present recent advances on adversarial machine learning (AML) for the security of RS (i.e., attacking and defense recommendation models), (ii) to show another successful application of AML in generative adversarial networks (GANs) for generative applications, thanks to their ability for learning (high-…
Stars: ✭ 110 (+307.41%)
Mutual labels:  generative-adversarial-network
YuzuMarker
🍋 [WIP] Manga Translation Tool
Stars: ✭ 76 (+181.48%)
Mutual labels:  inpainting
Keras ile Derin Ogrenmeye Giris
BTK Akademi -1 Milyon İstihdam Projesi için Merve Ayyüce Kızrak tarafından Hazırlanmıştır.
Stars: ✭ 109 (+303.7%)
Mutual labels:  generative-adversarial-network

Consistent_Inpainting_GAN

 This is the training code of our paper on consistent semantic inpainting of faces in Tensorflow | Paper. We show that conditioning GANs with facial semantic maps helps in :

  • Better image generation capability of generator
  • Better PSNR and visual performance during inpainting
  • Decoupling of pose and appearance of face
  • Consistency in inpainting
  • We improve upon DIP, CVPR-2017

Dependencies

  • Tensorflow >= 1.0
  • Dlib (for facial keypoint detection)
  • pyamg (for Poisson Blending)

Preprocessing

  • Download the celebA dataset from here and move 2560 images to data/test/images and others to data/train/images.

  • Download and extract the trained facial shape predictor from here.

  • Run the script to create tfrecords for training the model:

    python preprocess_train_images.py shape_predictor_68_face_landmarks.dat

  • Run the script to generate keypoints maps for test images:

    python preprocess_test_images.py shape_predictor_68_face_landmarks.dat

Training

  • For training the model:

    python main.py --batch_size=64 --output_size=128

  • The generated samples with the facial keypoint maps are saved in samples/celebA.

  • To run the completeness experiment:

    python complete.py --batch_size=64 --output_size=128

  • To run the consistency experiment:

    python temporal.py --batch_size=64 --output_size=128

Independence of Pose and Appearance

We show that conditioning GANs with facial maps helps in decoupling apperance of face(skin textures, gender) from pose (scale, orientation, facial global expression)

  • Different z vector but same facial maps

  • Different facial maps but same z vector

Visualization of Consistency

We evaluated "consistency" on pseudo corrupted sequences.

  • Given an original starting image, corrupt it with different masks
  • Inpaint the corrupted images
  • Ideally all reconstructions should be identical
  • Parwise MSE between inpainted images gives a measure of consistency (Refer to paper for metrics)

Citation

If you find our work useful in your research, please cite:

@article{lahiri2017improving,
    title={Improving Consistency and Correctness of Sequence Inpainting using Semantically Guided Generative Adversarial Network},
    author={Lahiri, Avisek and Jain, Arnav and Biswas, Prabir Kumar and Mitra, Pabitra},
    journal={arXiv preprint arXiv:1711.06106},
    year={2017}
}
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].