PyTorch implementation of CloudWalk's recent work DenseBody

Overview

densebody_pytorch

PyTorch implementation of CloudWalk's recent paper DenseBody.

Note: For most recent updates, please check out the dev branch.

Update on 20190613 A toy dataset has been released to facilitate the reproduction of this project. checkout PREPS.md for details.

Update on 20190826 A pre-trained model (Encoder/Decoder) has been released to facilitate the reproduction of this project.

paper teaser

Reproduction results

Here is the reproduction result (left: input image; middle: ground truth UV position map; right: estimated UV position map)

Update Notes

  • SMPL official UV map is now supported! Please checkout PREPS.md for details.
  • Code reformating complete! Please refer to data_utils/UV_map_generator.py for more details.
  • Thanks Raj Advani for providing new hand crafted UV maps!

Training Guidelines

Please follow the instructions PREPS.md to prepare your training dataset and UV maps. Then run train.sh or nohup_train.sh to begin training.

Customizations

To train with your own UV map, checkout UV_MAPS.md for detailed instructions.

To explore different network architectures, checkout NETWORKS.md for detailed instructions.

TODO List

  • Creating ground truth UV position maps for Human36m dataset.

    • 20190329 Finish UV data processing.
    • 20190331 Align SMPL mesh with input image.
    • 20190404 Data washing: Image resize to 256*256 and 2D annotation compensation.
    • 20190411 Generate and save UV position map.
      • radvani Hand parsed new 3D UV data
      • Validity checked with minor artifacts (see results below)
      • Making UV_map generation module a separate class.
    • 20190413 Prepare ground truth UV maps for washed dataset.
    • 20190417 SMPL official UV map supported!
    • 20190613 A testing toy dataset has been released!
  • Prepare baseline model training

    • 20190414 Network design, configs, trainer and dataloader
    • 20190414 Baseline complete with first-hand results. Something issue still needs to be addressed.
    • 20190420 Testing with different UV maps.

Authors

Lingbo Yang(Lotayou): The owner and maintainer of this repo.

Raj Advani(radvani): Provide several hand-crafted UV maps and many constructive feedbacks.

Citation

Please consider citing the following paper if you find this project useful.

DenseBody: Directly Regressing Dense 3D Human Pose and Shape From a Single Color Image

Acknowledgements

The network training part is inspired by BicycleGAN

Owner
Lingbo Yang
Math B.S. at PKU, currently pursuing Ph. D. at IDM VCL Love it when 3D meets 2D!
Lingbo Yang
Official repository for Automated Learning Rate Scheduler for Large-Batch Training (8th ICML Workshop on AutoML)

Automated Learning Rate Scheduler for Large-Batch Training The official repository for Automated Learning Rate Scheduler for Large-Batch Training (8th

Kakao Brain 35 Jan 04, 2023
CTRL-C: Camera calibration TRansformer with Line-Classification

CTRL-C: Camera calibration TRansformer with Line-Classification This repository contains the official code and pretrained models for CTRL-C (Camera ca

57 Nov 14, 2022
Code for the Population-Based Bandits Algorithm, presented at NeurIPS 2020.

Population-Based Bandits (PB2) Code for the Population-Based Bandits (PB2) Algorithm, from the paper Provably Efficient Online Hyperparameter Optimiza

Jack Parker-Holder 22 Nov 16, 2022
Code for SALT: Stackelberg Adversarial Regularization, EMNLP 2021.

SALT: Stackelberg Adversarial Regularization Code for Adversarial Regularization as Stackelberg Game: An Unrolled Optimization Approach, EMNLP 2021. R

Simiao Zuo 10 Jan 10, 2022
🐥A PyTorch implementation of OpenAI's finetuned transformer language model with a script to import the weights pre-trained by OpenAI

PyTorch implementation of OpenAI's Finetuned Transformer Language Model This is a PyTorch implementation of the TensorFlow code provided with OpenAI's

Hugging Face 1.4k Jan 05, 2023
Fast and Easy Infinite Neural Networks in Python

Neural Tangents ICLR 2020 Video | Paper | Quickstart | Install guide | Reference docs | Release notes Overview Neural Tangents is a high-level neural

Google 1.9k Jan 09, 2023
El-Gamal on Elliptic Curve (Python)

El-Gamal-on-EC El-Gamal on Elliptic Curve (Python) References: https://docsdrive.com/pdfs/ansinet/itj/2005/299-306.pdf https://arxiv.org/ftp/arxiv/pap

3 May 04, 2022
[AAAI-2021] Visual Boundary Knowledge Translation for Foreground Segmentation

Trans-Net Code for (Visual Boundary Knowledge Translation for Foreground Segmentation, AAAI2021). [https://ojs.aaai.org/index.php/AAAI/article/view/16

ZJU-VIPA 2 Mar 04, 2022
Benchmarks for the Optimal Power Flow Problem

Power Grid Lib - Optimal Power Flow This benchmark library is curated and maintained by the IEEE PES Task Force on Benchmarks for Validation of Emergi

A Library of IEEE PES Power Grid Benchmarks 207 Dec 08, 2022
This is official implementaion of paper "Token Shift Transformer for Video Classification".

This is official implementaion of paper "Token Shift Transformer for Video Classification". We achieve SOTA performance 80.40% on Kinetics-400 val. Paper link

VideoNet 60 Dec 30, 2022
Alpha-Zero - Telegram Group Manager Bot Written In Python Using Pyrogram

✨ Alpha Zero Bot ✨ Telegram Group Manager Bot + Userbot Written In Python Using

1 Feb 17, 2022
Docker containers of baseline agents for the Crafter environment

Crafter Baselines This repository contains Docker containers for running various baselines on the Crafter environment. Reward Agents DreamerV2 based o

Danijar Hafner 17 Sep 25, 2022
On Generating Extended Summaries of Long Documents

ExtendedSumm This repository contains the implementation details and datasets used in On Generating Extended Summaries of Long Documents paper at the

Georgetown Information Retrieval Lab 76 Sep 05, 2022
OOD Dataset Curator and Benchmark for AI-aided Drug Discovery

🔥 DrugOOD 🔥 : OOD Dataset Curator and Benchmark for AI Aided Drug Discovery This is the official implementation of the DrugOOD project, this is the

108 Dec 17, 2022
Contour-guided image completion with perceptual grouping (BMVC 2021 publication)

Contour-guided Image Completion with Perceptual Grouping Authors Morteza Rezanejad*, Sidharth Gupta*, Chandra Gummaluru, Ryan Marten, John Wilder, Mic

Sid Gupta 6 Dec 27, 2022
Face detection using deep learning.

Face Detection Docker Solution Using Faster R-CNN Dockerface is a deep learning face detector. It deploys a trained Faster R-CNN network on Caffe thro

Nataniel Ruiz 181 Dec 19, 2022
WebUAV-3M: A Benchmark Unveiling the Power of Million-Scale Deep UAV Tracking

WebUAV-3M: A Benchmark Unveiling the Power of Million-Scale Deep UAV Tracking [Paper Link] Abstract In this work, we contribute a new million-scale Un

25 Jan 01, 2023
Codebase for ECCV18 "The Sound of Pixels"

Sound-of-Pixels Codebase for ECCV18 "The Sound of Pixels". *This repository is under construction, but the core parts are already there. Environment T

Hang Zhao 318 Dec 20, 2022
Tensorboard for pytorch (and chainer, mxnet, numpy, ...)

tensorboardX Write TensorBoard events with simple function call. The current release (v2.3) is tested on anaconda3, with PyTorch 1.8.1 / torchvision 0

Tzu-Wei Huang 7.5k Dec 28, 2022
Code for the paper One Thing One Click: A Self-Training Approach for Weakly Supervised 3D Semantic Segmentation, CVPR 2021.

One Thing One Click One Thing One Click: A Self-Training Approach for Weakly Supervised 3D Semantic Segmentation (CVPR2021) Code for the paper One Thi

44 Dec 12, 2022