2D&3D human pose estimation

Overview

Human Pose Estimation Papers

[CVPR 2016] - 201511

[IJCAI 2016] - 201602

Other

  • Action Recognition with Joints-Pooled 3D Deep Convolutional Descriptors [paper]

[ECCV 2016] - 201603

2D Pose

3D Pose

[NIPS 2016] - 201605

2D Pose

  • CRF-CNN: Modeling Structured Information in Human Pose Estimation [paper]

3D Pose

  • MoCap-guided Data Augmentation for 3D Pose Estimation in the Wild [paper]

[AAAI 2017] - 201609

none

[CVPR 2017] - 201611

[IJCAI 2017] - 201702

none

[ICCV 2017] - 201703

2D Pose

3D Pose

Other

  • Chained Multi-Stream Networks Exploiting Pose, Motion, and Appearance for Action Classification and Detection [paper] [project] [code] [supplemental]
  • The Pose Knows: Video Forecasting by Generating Pose Futures [paper]
  • RPAN: An End-To-End Recurrent Pose-Attention Network for Action Recognition in Videos (Oral) [paper] [code] [supplemental] ) [video]
  • Pose-Driven Deep Convolutional Model for Person Re-Identification [paper]
  • Long Short-Term Memory Kalman Filters: Recurrent Neural Estimators for Pose Regularization [paper] [code]

[NIPS 2017] - 201705

Other

[AAAI 2018] - 201709

2D Pose

  • A Cascaded Inception of Inception Network With Attention Modulated Feature Fusion for Human Pose Estimation [paper]

3D Pose

  • Learning Pose Grammar to Encode Human Body Configuration for 3D Pose Estimation [paper] [code]

Other

  • An Adversarial Hierarchical Hidden Markov Model for Human Pose Modeling and Generation [paper] [project] [PPT]
  • Cross-View Person Identification by Matching Human Poses Estimated With Confidence on Each Body Joint [paper]
  • PoseHD: Boosting Human Detectors Using Human Pose Information [paper]

[CVPR 2018] - 201711

2D Pose

3D Pose

Other

  • Weakly and Semi Supervised Human Body Part Parsing via Pose-Guided Knowledge Transfer (Spotlight) [paper] [code] [author:Hao-Shu Fang]
  • Multistage Adversarial Losses for Pose-Based Human Image Synthesis (Spotlight) [paper]
  • A Pose-Sensitive Embedding for Person Re-Identification With Expanded Cross Neighborhood Re-Ranking [paper] [code]
  • Learning to Estimate 3D Human Pose and Shape From a Single Color Image [paper] [project] [supplemental]
  • Recognizing Human Actions as the Evolution of Pose Estimation Maps [paper]
  • Monocular 3D Pose and Shape Estimation of Multiple People in Natural Scenes - The Importance of Multiple Scene Constraints [paper]
  • Deformable GANs for Pose-Based Human Image Generation [paper] [code] [supplemental]
  • Pose Transferrable Person Re-Identification [paper]
  • PoseFlow: A Deep Motion Representation for Understanding Human Behaviors in Videos [paper]
  • PoTion: Pose MoTion Representation for Action Recognition [paper]
  • End-to-End Recovery of Human Shape and Pose [paper] [project] [code]
  • Synthesizing Images of Humans in Unseen Poses (Oral) [paper] [code] [author:Adrian Vasile Dalca]
  • Unsupervised Person Image Synthesis in Arbitrary Poses (Spotlight) [paper]

arXiv 2017

2D Pose

  • Human Pose Regression by Combining Indirect Part Detection and Contextual Information [paper] [code] [PPT]

[IJCAI 2018] - 201801

3D Pose

  • DRPose3D: Depth Ranking in 3D Human Pose Estimation [paper]

ECCV 2018 - 201803

2D Pose

  • Deep Autoencoder for Combined Human Pose Estimation and body Model Upscaling (Oral) [paper]
  • Inner Space Preserving Generative Pose Machine [paper] [project] [code]
  • Multi-Scale Structure-Aware Network for Human Pose Estimation [paper]
  • MultiPoseNet: Fast Multi-Person Pose Estimation using Pose Residual Network [paper][code]

3D Pose

  • Unsupervised Geometry-Aware Representation for 3D Human Pose Estimation (Oral) [paper] [project]

Other

  • Good Line Cutting: towards Accurate Pose Tracking of Line-assisted VO/VSLAM [paper]
Pytorch Implementation for NeurIPS (oral) paper: Pixel Level Cycle Association: A New Perspective for Domain Adaptive Semantic Segmentation

Pixel-Level Cycle Association This is the Pytorch implementation of our NeurIPS 2020 Oral paper Pixel-Level Cycle Association: A New Perspective for D

87 Oct 19, 2022
Implementation of the GBST block from the Charformer paper, in Pytorch

Charformer - Pytorch Implementation of the GBST (gradient-based subword tokenization) module from the Charformer paper, in Pytorch. The paper proposes

Phil Wang 105 Dec 26, 2022
Implementation of PersonaGPT Dialog Model

PersonaGPT An open-domain conversational agent with many personalities PersonaGPT is an open-domain conversational agent cpable of decoding personaliz

ILLIDAN Lab 42 Jan 01, 2023
RepVGG: Making VGG-style ConvNets Great Again

This repository is the code that needs to be submitted for OpenMMLab Algorithm Ecological Challenge,the paper is RepVGG: Making VGG-style ConvNets Great Again

Ty Feng 62 May 21, 2022
Source Code and data for my paper titled Linguistic Knowledge in Data Augmentation for Natural Language Processing: An Example on Chinese Question Matching

Description The source code and data for my paper titled Linguistic Knowledge in Data Augmentation for Natural Language Processing: An Example on Chin

Zhengxiang Wang 3 Jun 28, 2022
The repo for reproducing Seed-driven Document Ranking for Systematic Reviews: A Reproducibility Study

ECIR Reproducibility Paper: Seed-driven Document Ranking for Systematic Reviews: A Reproducibility Study This code corresponds to the reproducibility

ielab 3 Mar 31, 2022
NVIDIA Deep Learning Examples for Tensor Cores

NVIDIA Deep Learning Examples for Tensor Cores Introduction This repository provides State-of-the-Art Deep Learning examples that are easy to train an

NVIDIA Corporation 10k Dec 31, 2022
Official Pytorch implementation of "CLIPstyler:Image Style Transfer with a Single Text Condition"

CLIPstyler Official Pytorch implementation of "CLIPstyler:Image Style Transfer with a Single Text Condition" Environment Pytorch 1.7.1, Python 3.6 $ c

201 Dec 29, 2022
Prml - Repository of notes, code and notebooks in Python for the book Pattern Recognition and Machine Learning by Christopher Bishop

Pattern Recognition and Machine Learning (PRML) This project contains Jupyter notebooks of many the algorithms presented in Christopher Bishop's Patte

Gerardo Durán-Martín 1k Jan 07, 2023
SAFL: A Self-Attention Scene Text Recognizer with Focal Loss

SAFL: A Self-Attention Scene Text Recognizer with Focal Loss This repository implements the SAFL in pytorch. Installation conda env create -f environm

6 Aug 24, 2022
Official Pytorch implementation of "Unbiased Classification Through Bias-Contrastive and Bias-Balanced Learning (NeurIPS 2021)

Unbiased Classification Through Bias-Contrastive and Bias-Balanced Learning (NeurIPS 2021) Official Pytorch implementation of Unbiased Classification

Youngkyu 17 Jan 01, 2023
Simple streamlit app to demonstrate HERE Tour Planning

Table of Contents About the Project Built With Getting Started Prerequisites Installation Usage Roadmap Contributing License Acknowledgements About Th

Amol 8 Sep 05, 2022
Alignment Attention Fusion framework for Few-Shot Object Detection

AAF framework Framework generalities This repository contains the code of the AAF framework proposed in this paper. The main idea behind this work is

Pierre Le Jeune 20 Dec 16, 2022
Guiding evolutionary strategies by (inaccurate) differentiable robot simulators @ NeurIPS, 4th Robot Learning Workshop

Guiding Evolutionary Strategies by Differentiable Robot Simulators In recent years, Evolutionary Strategies were actively explored in robotic tasks fo

Vladislav Kurenkov 4 Dec 14, 2021
Code of the lileonardo team for the 2021 Emotion and Theme Recognition in Music task of MediaEval 2021

Emotion and Theme Recognition in Music The repository contains code for the submission of the lileonardo team to the 2021 Emotion and Theme Recognitio

Vincent Bour 8 Aug 02, 2022
PyTorch implementation of residual gated graph ConvNets, ICLR’18

Residual Gated Graph ConvNets April 24, 2018 Xavier Bresson http://www.ntu.edu.sg/home/xbresson https://github.com/xbresson https://twitter.com/xbress

Xavier Bresson 112 Aug 10, 2022
Official PyTorch Implementation of Learning Architectures for Binary Networks

Learning Architectures for Binary Networks An Pytorch Implementation of the paper Learning Architectures for Binary Networks (BNAS) (ECCV 2020) If you

Computer Vision Lab. @ GIST 25 Jun 09, 2022
Official PyTorch implementation of Learning Intra-Batch Connections for Deep Metric Learning (ICML 2021) published at International Conference on Machine Learning

About This repository the official PyTorch implementation of Learning Intra-Batch Connections for Deep Metric Learning. The config files contain the s

Dynamic Vision and Learning Group 41 Dec 10, 2022
source code for https://arxiv.org/abs/2005.11248 "Accelerating Antimicrobial Discovery with Controllable Deep Generative Models and Molecular Dynamics"

Accelerating Antimicrobial Discovery with Controllable Deep Generative Models and Molecular Dynamics This work will be published in Nature Biomedical

International Business Machines 71 Nov 15, 2022
Official Repository for our ECCV2020 paper: Imbalanced Continual Learning with Partitioning Reservoir Sampling

Imbalanced Continual Learning with Partioning Reservoir Sampling This repository contains the official PyTorch implementation and the dataset for our

Chris Dongjoo Kim 40 Sep 18, 2022