All Projects → zhangqianhui → Gazeanimation

zhangqianhui / Gazeanimation

Give a portrait face, move the gaze up

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Gazeanimation

Gandlf
Generative Adversarial Networks in Keras
Stars: ✭ 46 (-40.26%)
Mutual labels:  generative-adversarial-network
Dna Gan
DNA-GAN: Learning Disentangled Representations from Multi-Attribute Images
Stars: ✭ 65 (-15.58%)
Mutual labels:  generative-adversarial-network
Conditional Animegan
Conditional GAN for Anime face generation.
Stars: ✭ 70 (-9.09%)
Mutual labels:  generative-adversarial-network
Cyclegan Tensorflow
An implementation of CycleGan using TensorFlow
Stars: ✭ 1,096 (+1323.38%)
Mutual labels:  generative-adversarial-network
Ali Pytorch
PyTorch implementation of Adversarially Learned Inference (BiGAN).
Stars: ✭ 61 (-20.78%)
Mutual labels:  generative-adversarial-network
Pix2pix
Image-to-image translation with conditional adversarial nets
Stars: ✭ 8,765 (+11283.12%)
Mutual labels:  generative-adversarial-network
Deterministic Gail Pytorch
PyTorch implementation of Deterministic Generative Adversarial Imitation Learning (GAIL) for Off Policy learning
Stars: ✭ 44 (-42.86%)
Mutual labels:  generative-adversarial-network
Marta Gan
MARTA GANs: Unsupervised Representation Learning for Remote Sensing Image Classification
Stars: ✭ 75 (-2.6%)
Mutual labels:  generative-adversarial-network
Repo 2017
Python codes in Machine Learning, NLP, Deep Learning and Reinforcement Learning with Keras and Theano
Stars: ✭ 1,123 (+1358.44%)
Mutual labels:  generative-adversarial-network
Celebamask Hq
A large-scale face dataset for face parsing, recognition, generation and editing.
Stars: ✭ 1,156 (+1401.3%)
Mutual labels:  generative-adversarial-network
Animegan
A simple PyTorch Implementation of Generative Adversarial Networks, focusing on anime face drawing.
Stars: ✭ 1,095 (+1322.08%)
Mutual labels:  generative-adversarial-network
Cyclegan Qp
Official PyTorch implementation of "Artist Style Transfer Via Quadratic Potential"
Stars: ✭ 59 (-23.38%)
Mutual labels:  generative-adversarial-network
Pacgan
[NeurIPS 2018] [JSAIT] PacGAN: The power of two samples in generative adversarial networks
Stars: ✭ 67 (-12.99%)
Mutual labels:  generative-adversarial-network
Acgan Pytorch
Pytorch implementation of Conditional Image Synthesis with Auxiliary Classifier GANs
Stars: ✭ 57 (-25.97%)
Mutual labels:  generative-adversarial-network
Dcgan Tensorflow
A Tensorflow implementation of Deep Convolutional Generative Adversarial Networks trained on Fashion-MNIST, CIFAR-10, etc.
Stars: ✭ 70 (-9.09%)
Mutual labels:  generative-adversarial-network
Co Mod Gan
[ICLR 2021, Spotlight] Large Scale Image Completion via Co-Modulated Generative Adversarial Networks
Stars: ✭ 46 (-40.26%)
Mutual labels:  generative-adversarial-network
Sketchtoface
Pix2Pix Image translation using conditional generative adversarial network - sketch to face
Stars: ✭ 66 (-14.29%)
Mutual labels:  generative-adversarial-network
Markov Chain Gan
Code for "Generative Adversarial Training for Markov Chains" (ICLR 2017 Workshop)
Stars: ✭ 76 (-1.3%)
Mutual labels:  generative-adversarial-network
Pytorch Fid
Compute FID scores with PyTorch.
Stars: ✭ 1,175 (+1425.97%)
Mutual labels:  generative-adversarial-network
Sparsely Grouped Gan
Code for paper "Sparsely Grouped Multi-task Generative Adversarial Networks for Facial Attribute Manipulation"
Stars: ✭ 68 (-11.69%)
Mutual labels:  generative-adversarial-network

GazeAnimation - Official Tensorflow Implementation

Dual In-painting Model for Unsupervised Gaze Correction and Animation in the Wild
Jichao Zhang, Jingjing Chen, Hao Tang, Wei Wang, Yan Yan, Enver Sangineto, Nicu Sebe
In ACM MM 2020.

Paper: https://arxiv.org/abs/2008.03834

Network Architecture

Dependencies

Python=3.6
pip install -r requirements.txt

Or Using Conda

-conda create -name GazeA python=3.6
-conda install tensorflow-gpu=1.9 or higher

Other packages installed by pip.

Usage

  • Clone this repo:
git clone https://github.com/zhangqianhui/GazeAnimation.git
cd GazeAnimation

  • Download the CelebAGaze dataset

    Download the tar of CelebAGaze dataset from Google Driver Linking.

    cd your_path
    tar -xvf CelebAGaze.tar
    

    Please edit the options.py and change your dataset path

  • VGG-16 pretrained weights

wget http://download.tensorflow.org/models/vgg_16_2016_08_28.tar.gz .
tar -xvf vgg_16_2016_08_28.tar.gz

Please edit the options.py and change your vgg path

  • Pretrained model for PAM module.

Download it from PAM Pretrained model. PLease unzip it in pam_dir and don't contain the sub-dir.

  • Train the model using command line with python
python train.py --use_sp --gpu_id='0' --exper_name='log8_7' --crop_w=50 --crop_h=30
  • Test the model
python test.py --exper_name='log8_7' --gpu_id='0' --crop_h=30 --crop_w=50 --test_sample_dir='test_sample_dir' --checkpoints='checkpoints'

Or Using scripts for training

bash scripts/train_log8_7.sh

Using scripts for testing and pretained model can be downloaded [V1]
[V2]. Unzip pretrained.zip and move files into 'experiments/checkpoints'

bash scripts/test_log8_7.sh

Experiment Result

Gaze Correction

Gaze Animation

Related works

Citation

@inproceedings{zhangGazeAnimation,
  title={Dual In-painting Model for Unsupervised Gaze Correction and Animation in the Wild},
  author={Jichao Zhang, Jingjing Chen, Hao Tang, Wei Wang, Yan Yan, Enver Sangineto, Nicu Sebe},
  booktitle={ACM MM},
  year={2020}
}
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].