Git Product home page Git Product logo

vico_challenge_baseline's Introduction

ViCo Challenge Baseline

[Homepage] [Paper] [Code] [Full Dataset] [Challenge]

This repository provides a baseline method for both the ViCo challenge and ViCo Project, including vivid talking head video generation and responsive listening head video generation.

Our code is composed of five groups:

  • Deep3DFaceRecon_pytorch: use for extract 3dmm coefficients. Mainly from sicxu/Deep3DFaceRecon, modified following RenYurui/PIRender
  • preprocess: scripts for making dataset compatible with our method
  • vico: our method proposed in paper Responsive Listening Head Generation: A Benchmark Dataset and Baseline arXiv
  • PIRender: render 3dmm coefficients to video. Mainly from RenYurui/PIRender with minor modifications.
  • evaluation: quantitative analysis for generations, including SSIM, CPBD, PSNR, FID, CSIM, etc.

For end-to-end inference, this repo may be useful.

For ViCo Project

This repo is created largely for the challenge, while the full dataset released in ViCo Project is slightly different from the challenge data. You can use the script to convert:

python convert.py --anno_file path_to_anno_file --video_folder path_to_videos --audio_folder path_to_audios --target_folder path_to_target_dataset

Train Baseline

Data Preparation

  1. create a workspace

    mkdir vico-workspace
    cd vico-workspace
  2. download dataset from this link and unzip listening_head.zip to folder data/

    unzip listening_head.zip -d data/
  3. reorganize data/ folder to meet the requirements of PIRender

    mkdir -p data/listening_head/videos/test
    mv data/listening_head/videos/*.mp4 data/listening_head/videos/test
  4. clone our code

    git clone https://github.com/dc3ea9f/vico_challenge_baseline.git
  5. extract 3d coefficients for video ([reference])

    1. change directory to vico_challenge_baseline/Deep3DFaceRecon_pytorch/

      cd vico_challenge_baseline/Deep3DFaceRecon_pytorch/
    2. prepare environment following this

    3. prepare BFM/ and checkpoints/ following these instructions

    4. extract facial landmarks from videos

      python extract_kp_videos.py \
        --input_dir ../../data/listening_head/videos/ \
        --output_dir ../../data/listening_head/keypoints/ \
        --device_ids 0,1,2,3 \
        --workers 12
    5. extract coefficients for videos

      python face_recon_videos.py \
        --input_dir ../../data/listening_head/videos/ \
        --keypoint_dir ../../data/listening_head/keypoints/ \
        --output_dir ../../data/listening_head/recons/ \
        --inference_batch_size 128 \
        --name=face_recon_feat0.2_augment \
        --epoch=20 \
        --model facerecon
  6. extract audios features

    1. change directory to vico_challenge_baseline/preprocess

      cd ../preprocess
    2. install python package librosa, torchaudio and soundfile

    3. extract audio features

      python extract_audio_features.py \
        --input_audio_folder ../../data/listening_head/audios/ \
        --input_recons_folder ../../data/listening_head/recons/ \
        --output_folder ../../data/listening_head/example/features/audio_feats
  7. reorganize video features

    python rearrange_recon_coeffs.py \
      --input_folder ../../data/listening_head/recons/ \
      --output_folder ../../data/listening_head/example/features/video_feats
  8. organize data

    1. compute mean and std for features

      python statistics_mean_std.py ../../data/listening_head/example/features
    2. organize for training

      mkdir ../../data/listening_head/example/metadata
      cp ../../data/listening_head/train.csv ../../data/listening_head/example/metadata/data.csv
      cd ../vico
      ln -s ../../data/listening_head/example/ ./data

Train and Inference

Talking Head Generation

  1. train baseline

    python -m torch.distributed.launch --nproc_per_node 4 --master_port 12345 train.py \
      --batch_size 4 \
      --time_size 90 \
      --max_epochs 500 \
      --lr 0.002 \
      --task speaker \
      --output_path saved/baseline_speaker
  2. inference

    python eval.py \
      --batch_size 4 \
      --output_path saved/baseline_speaker_E500 \
      --resume saved/baseline_speaker/checkpoints/Epoch_500.bin \
      --task speaker

Listening Head Generation

  1. train baseline

    python -m torch.distributed.launch --nproc_per_node 4 --master_port 22345 train.py \
      --batch_size 4 \
      --time_size 90 \
      --max_epochs 500 \
      --lr 0.002 \
      --task listener \
      --output_path saved/baseline_listener
  2. inference

    python eval.py \
      --batch_size 4 \
      --output_path saved/baseline_listener_E500 \
      --resume saved/baseline_listener/checkpoints/Epoch_500.bin \
      --task listener

Render to Videos

  1. change directory to render

    cd ../PIRender
  2. prepare environment for PIRender following this

  3. download the trained weights of PIRender following this

Talking Head

  1. prepare vox lmdb

    python scripts/prepare_vox_lmdb.py \
      --path ../../data/listening_head/videos/ \
      --coeff_3dmm_path ../vico/saved/baseline_speaker_E500/recon_coeffs/ \
      --out ../vico/saved/baseline_speaker_E500/vox_lmdb/
  2. render to videos

    python -m torch.distributed.launch --nproc_per_node=1 --master_port 32345 inference.py \
      --config ./config/face_demo.yaml \
      --name face \
      --no_resume \
      --input ../vico/saved/baseline_speaker_E500/vox_lmdb/ \
      --output_dir ./vox_result/baseline_speaker_E500

Listening Head

  1. prepare vox lmdb

    python scripts/prepare_vox_lmdb.py \
      --path ../../data/listening_head/videos/ \
      --coeff_3dmm_path ../vico/saved/baseline_listener_E500/recon_coeffs/ \
      --out ../vico/saved/baseline_listener_E500/vox_lmdb/
  2. render to videos

    python -m torch.distributed.launch --nproc_per_node=1 --master_port 42345 inference.py \
      --config ./config/face_demo.yaml \
      --name face \
      --no_resume \
      --input ../vico/saved/baseline_listener_E500/vox_lmdb/ \
      --output_dir ./vox_result/baseline_listener_E500

Example Results

Video Link

Evaluation

We will evaluate of the quality of generated videos for the following prespectives:

  • generation quality (image level): SSIM, CPBD, PSNR
  • generation quality (feature level): FID
  • identity preserving: Cosine Similarity from Arcface
  • expression: expression features L1 distance from 3dmm
  • head motion: expression features L1 distance from 3dmm
  • lip sync: AV offset and AV confidence from Sync Net
  • lip landmark distance

Generation Quality

Evaluate for PSNR and SSIM

python compute_base_metrics.py --gt_video_folder {} --pd_video_folder {} --anno_file {*.csv} --task {listener,speaker}

Evaluate for CPBD

python compute_cpbd.py --pd_video_folder {} --anno_file {*.csv} --task {listener,speaker}

Evaluate for FID

python compute_fid.py --gt_video_folder {} --pd_video_folder {} --anno_file {*.csv} --task {listener,speaker}

Identity Preserving

Pretrained model: ms1mv3_arcface_r100_fp16/backbone.pth of this download link.

cd arcface_torch/
python compute_csim.py \
  --gt_video_folder {} \
  --pd_video_folder {} \
  --anno_file {} \
  --task {listener,speaker} \
  --weight ms1mv3_arcface_r100_fp16/backbone.pth

Expression & Head Motion

mean distance of exp / (angle, trans) 3d cofficients

Lip Sync (speaker only)

cd lip_sync/
python compute_lipsync.py --pd_video_folder {} --gt_audio_folder {} --anno_file {*.csv}

Landmark Distance of Lips (speaker only)

python compute_lmd.py --gt_video_folder {} --pd_video_folder {} --anno_file {*.csv}

Citation

If you think this work is helpful for you, please give it a star and citation :)

@InProceedings{zhou2022responsive,
    title={Responsive Listening Head Generation: A Benchmark Dataset and Baseline},
    author={Zhou, Mohan and Bai, Yalong and Zhang, Wei and Yao, Ting and Zhao, Tiejun and Mei, Tao},
    booktitle={Proceedings of the European conference on computer vision (ECCV)},
    year={2022}
}

vico_challenge_baseline's People

Contributors

dc3ea9f avatar

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.