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]
Geometric Vector Perceptron --- a rotation-equivariant GNN for learning from biomolecular structure

Geometric Vector Perceptron Code to accompany Learning from Protein Structure with Geometric Vector Perceptrons by B Jing, S Eismann, P Suriana, RJL T

Dror Lab 85 Dec 29, 2022
A basic duplicate image detection service using perceptual image hash functions and nearest neighbor search, implemented using faiss, fastapi, and imagehash

Duplicate Image Detection Getting Started Install dependencies pip install -r requirements.txt Run service python main.py Testing Test with pytest How

Matthew Podolak 21 Nov 11, 2022
Official PyTorch implementation of the preprint paper "Stylized Neural Painting", accepted to CVPR 2021.

Official PyTorch implementation of the preprint paper "Stylized Neural Painting", accepted to CVPR 2021.

Zhengxia Zou 1.5k Dec 28, 2022
A lane detection integrated Real-time Instance Segmentation based on YOLACT (You Only Look At CoefficienTs)

Real-time Instance Segmentation and Lane Detection This is a lane detection integrated Real-time Instance Segmentation based on YOLACT (You Only Look

Jin 4 Dec 30, 2022
Official repo for BMVC2021 paper ASFormer: Transformer for Action Segmentation

ASFormer: Transformer for Action Segmentation This repo provides training & inference code for BMVC 2021 paper: ASFormer: Transformer for Action Segme

42 Dec 23, 2022
A PyTorch-based Semi-Supervised Learning (SSL) Codebase for Pixel-wise (Pixel) Vision Tasks

PixelSSL is a PyTorch-based semi-supervised learning (SSL) codebase for pixel-wise (Pixel) vision tasks. The purpose of this project is to promote the

Zhanghan Ke 255 Dec 11, 2022
End-to-End Object Detection with Fully Convolutional Network

This project provides an implementation for "End-to-End Object Detection with Fully Convolutional Network" on PyTorch.

472 Dec 22, 2022
PyTorch implementation of ICLR 2022 paper PiCO: Contrastive Label Disambiguation for Partial Label Learning

PiCO: Contrastive Label Disambiguation for Partial Label Learning This is a PyTorch implementation of ICLR 2022 paper PiCO: Contrastive Label Disambig

王皓波 147 Jan 07, 2023
A Context-aware Visual Attention-based training pipeline for Object Detection from a Webpage screenshot!

CoVA: Context-aware Visual Attention for Webpage Information Extraction Abstract Webpage information extraction (WIE) is an important step to create k

Keval Morabia 41 Jan 01, 2023
Pre-Training Graph Neural Networks for Cold-Start Users and Items Representation.

Pretrain-Recsys This is our Tensorflow implementation for our WSDM 2021 paper: Bowen Hao, Jing Zhang, Hongzhi Yin, Cuiping Li, Hong Chen. Pre-Training

30 Nov 14, 2022
NeurIPS 2021 Datasets and Benchmarks Track

AP-10K: A Benchmark for Animal Pose Estimation in the Wild Introduction | Updates | Overview | Download | Training Code | Key Questions | License Intr

AP-10K 82 Dec 11, 2022
🐤 Nix-TTS: An Incredibly Lightweight End-to-End Text-to-Speech Model via Non End-to-End Distillation

🐤 Nix-TTS An Incredibly Lightweight End-to-End Text-to-Speech Model via Non End-to-End Distillation Rendi Chevi, Radityo Eko Prasojo, Alham Fikri Aji

Rendi Chevi 156 Jan 09, 2023
Social Fabric: Tubelet Compositions for Video Relation Detection

Social-Fabric Social Fabric: Tubelet Compositions for Video Relation Detection This repository contains the code and results for the following paper:

Shuo Chen 7 Aug 09, 2022
Deployment of PyTorch chatbot with Flask

Chatbot Deployment with Flask and JavaScript In this tutorial we deploy the chatbot I created in this tutorial with Flask and JavaScript. This gives 2

Patrick Loeber (Python Engineer) 107 Dec 29, 2022
A graph-to-sequence model for one-step retrosynthesis and reaction outcome prediction.

Graph2SMILES A graph-to-sequence model for one-step retrosynthesis and reaction outcome prediction. 1. Environmental setup System requirements Ubuntu:

29 Nov 18, 2022
Codebase for Attentive Neural Hawkes Process (A-NHP) and Attentive Neural Datalog Through Time (A-NDTT)

Introduction Codebase for the paper Transformer Embeddings of Irregularly Spaced Events and Their Participants. This codebase contains two packages: a

Alan Yang 28 Dec 12, 2022
Released code for Objects are Different: Flexible Monocular 3D Object Detection, CVPR21

MonoFlex Released code for Objects are Different: Flexible Monocular 3D Object Detection, CVPR21. Work in progress. Installation This repo is tested w

Yunpeng 169 Dec 06, 2022
this is a lite easy to use virtual keyboard project for anyone to use

virtual_Keyboard this is a lite easy to use virtual keyboard project for anyone to use motivation I made this for this year's recruitment for RobEn AA

Mohamed Emad 3 Oct 23, 2021
In this project we investigate the performance of the SetCon model on realistic video footage. Therefore, we implemented the model in PyTorch and tested the model on two example videos.

Contrastive Learning of Object Representations Supervisor: Prof. Dr. Gemma Roig Institutions: Goethe University CVAI - Computational Vision & Artifici

Dirk Neuhäuser 6 Dec 08, 2022
QAT(quantize aware training) for classification with MQBench

MQBench Quantization Aware Training with PyTorch I am using MQBench(Model Quantization Benchmark)(http://mqbench.tech/) to quantize the model for depl

Ling Zhang 29 Nov 18, 2022