SlideShare a Scribd company logo
1 of 24
Download to read offline
HRNet
Image Processing Team | Detection
Byunghyun Kim, Chanhyeok Lee, Eungi Hong, Jongsik Ahn,
Hyeonjin Kim, Jaewan Park, Chungchun Hyun, Seonok Kim(🙋)
CVPR 2019
Authors: Ke Sun1,2, Bin Xiao2, Dong Liu1, Jingdong Wang2,
1University of Science and Technology of China, 2Microsoft Research Asia
Deep High-Resolution Representation Learning
for Human Pose Estimation
Introduction
HRNet
Pose Estimation
- A computer vision task that represents the orientation of a person in a graphical format.
- Widely applied to predict a person’s body parts or joint position.
A Comprehensive Guide on Human Pose Estimation (Analytics Vidhya)
Human Pose Estimation (Open DMQA Seminar)
Human Pose Estimation with Deep Learning (Neuralet), Deep Learning Based 2D Human Pose Estimation: A Survey (TUP, 2019)
HeatMap
Regression
3D
2D
Single
Person
Multi
Person
Direct
Regression
HPE 2
Direct
Regression
HeatMap
Regression
regresses the key body points
directly from the feature maps. 3
estimates the probability of the existence
of a key point in each pixel of the image.
Introduction
3
Pose Estimation
4
Deep Learning Based 2D Human Pose Estimation: A Survey (2019)
3D
2D
Single
Person
Multi
Person
HPE
Bottom-up
Top-down
Top-down
Bottom-up
is detecting all individuals in a given image
using a human detector module.
is detecting all key-points (body parts) in an instance agnostic manner
and then associating key-points to build a human instance
HRNet
Introduction
Previous Methods
5
- Most existing methods pass the input through a network, typically consisting of high-to-low resolution sub-networks
that are connected in series, and then raise the resolution.
Stacked Hourglass Networks for Human Pose Estimation (2016)
Simple Baselines for Human Pose Estimation and Tracking (ECCV 2018)
HRNet
Introduction
Stacked hourglass Simple Baseline
recovers the high resolution through a symmetric low-to-high
process.
uses transposed convolutions for low-to-high processing.
Approach
HRNet
7
- HRNet starts from a high-resolution subnetwork as the first stage, gradually add high-to-low resolution subnetworks
one by one to form more stages and connect the mutli-resolution subnetworks in parallel.
HRNet
Approach
Previous Methods
typically consist of high-to-low resolution
sub-networks that are connected in series,
and then raise the resolution.
Proposed Method
consists of parallel high-to-low resolution subnetworks with repeated
information exchange across multi-resolution subnetworks (multi-scale fusion)
Stage 1 Stage 2 Stage 3 Stage 4
Parallel Multi-resolution Subnetworks
8
HRNet
Approach
Sequential Subnetworks Parallel Subnetworks
Existing networks for pose estimation are built by connecting
high-to-low resolution subnetworks in series.
The resolutions for the parallel sub-networks of a later stage
consists of the resolutions from the previous stage, and an extra
lower one.
- Parallel Subnetworks start from a high-resolution subnetwork as the first stage, gradually add high-to-low resolution
subnetworks one by one, forming new stages, and connect the multi-resolution subnetworks in parallel.
- 𝑁!" : the subnetwork, 𝑠 ∶ 𝑠th stage, 𝑟 : the resolution index
High-Resolution Representations for Labeling Pixels and Regions (2019)
Repeated Multi-scale Fusion
9
- HRNet contains four stages with four parallel subnetworks, whose resolution is gradually decreased to a half and
accordingly the width (the number of channels) is increased to the double.
- The resolution is
#
$!"# of the resolution of the first subnetwork.
HRNet
Approach
Stage 1 Stage 2 Stage 3 Stage 4
The Stages of HRNet
- There are four stages. The 1st stage
consists of high-resolution convolutions.
- The 2nd (3rd, 4th) stage repeats two-
resolution (three-resolution, four-resolution)
blocks.
Repeated Multi-scale Fusion
10
HRNet
Approach
- Inputs : {Χ#, Χ$, … , Χ! }
- Outputs : {Υ#, Υ$, … , Υ!}
- 𝑠th stage : 𝑠
- Up-sampling or down-sampling Χ% from resolution 𝑖 to resolution 𝑘: α Χ%, 𝑘
- If : 𝑖 = 𝑘 , α Χ%, 𝑘 = Χ%.
- Each output is an aggregation of the input maps: Υ& = ∑%'#
!
α Χ%, 𝑘
- The exchange unit across stages has an extra output map: Υ!)#= α Υ!, 𝑠 + 1
: Down-sampling (stride = 2) : Up-sampling (Nearest-neighbor)
- Exchange units: each subnetwork repeatedly receives the information from other parallel subnetworks.
Stage 3
Repeated Multi-scale Fusion
11
HRNet
Approach
Exchange unit
Convolution unit
Stage
Block index
Resolution index
- Exchange units: each subnetwork repeatedly receives the information from other parallel subnetworks.
- Each block is composed of 3 parallel convolution units with an exchange unit across the parallel units, which is
given as follows:
Heatmap Estimation
12
- The groundtruth heatmaps are generated by
applying 2D Gaussian.
- The mean squared error is applied for regressing
the heatmaps.
UniPose+: A unified framework for 2D and 3D human pose estimation in images and videos (TPAMI 2021)
HRNet
Approach
Gaussian heatmap
- The network is instantiated by following the
design rule of ResNet.
- The resolution is gradually decreased to a
half, and accordingly, the width (the number
of channels) is increased to double.
Network Instantiation
HRNet-W32
HRNet-W48
The widths(C) of the high-resolution
subnetworks in last three stages
64, 128, 256
96, 192, 384
The type of nets
Question 🤔
13
Experiments
Dataset
15
HRNet
Experiments
COCO Keypoint Dataset MPII Human Pose Dataset
- 17 keypoints
- 200K images and 250K person instances
- Train, validation, test set
- Metric: OKS, AP
- 16 keypoints
- 25K images with 40K subjects
- Train, test set
- Metric: PCKh
Evaluation Metric : Object Keypoint Similarity (OKS)
16
HRNet
Experiments
Euclidean distances between each
ground truth and detected keypoint
𝑑4
Visibility flags of the ground truth
𝑣4
Scale*keypoint constant, the standard
deviation of this gaussian
𝑠 ∗ 𝑘4
Perfect predictions will have OKS = 1
Predictions with wrong keypoints will have OKS~0
Towards Accurate Multi-person Pose Estimation in the Wild (CVPR 2017)
Pose Estimation. Metrics. (stasiuk.medium.com)
𝑣 = 0 : not labeled
𝑣 = 1 : labeled but not visible
𝑣 = 2 : labeled and visible
𝐴𝑃*+ AP at OKS = 0.50
The mean of AP scores at 10
positions*, for medium objects
and large objects
𝐴𝑃,,-
𝐴𝑅 Average recall at 10 positions*
*10 positions : OKS = 0.50, 0.55, . . . , 0.90, 0.95
Constants for joints
OKS =
Evaluation Metric: Head-normalized Probability of Correct Keypoint (PCKh)
17
HRNet
Experiments
- A detected joint is considered
‘correct’ if the distance between
the predicted and the true joint is
within a certain threshold.
Articulated Human Pose Estimation with Flexible Mixtures of Parts (CVPR 2011)
- PCKh uses head size instead of bounding
box size.
- PCKh@0.5 is when the threshold = 50%
of the head bone link
PCK PCKh
COCO Keypoint Detection
18
- HRNet is significantly better than bottom-up approaches.
- It outperforms all the other top-down approaches and is more efficient in terms of model size and computation
complexity.
HRNet
Experiments
MPII Human Pose Estimation
19
HRNet
Experiments
- The result is the best one among the previously-published results on the leaderboard of Nov. 16th, 2018.
- HRNet-W32 achieves a 92.3 PKCh@0.5 score and outperforms the stacked hourglass approach and its extensions.
Ablation Study
20
HRNet
Experiments
- Figure 5 implies that the resolution does impact the keypoint prediction quality.
- Figure 6 implies that the improvement for the smaller input size is more significant than the larger input size.
Conclusion
Conclusion
22
HRNet
- The proposed method maintains the high resolution through the whole process without the need of recovering the
high resolution.
- It fuses multi-resolution representations repeatedly, rendering reliable high-resolution representations.
- HRNet gets good performance in other computer vision tasks, including human pose estimation, semantic
segmentation, and object detection.
Question 🤔
23
Seonok Kim (sokim0991@korea.ac.kr)
Presenter
Paper
- Deep High-Resolution Representation Learning for Human Pose Estimation (CVPR 2019)
- High-Resolution Representations for Labeling Pixels and Regions (arXiv:1904.04514)
- Towards Accurate Multi-person Pose Estimation in the Wild (CVPR 2017)
- Articulated Human Pose Estimation with Flexible Mixtures of Parts (CVPR 2011)
- UniPose+: A unified framework for 2D and 3D human pose estimation in images and videos (TPAMI 2021)
YouTube
- [Paper Review] Deep High-Resolution Representation Learning for Human Pose Estimation
(https://www.youtube.com/watch?v=w39bjQxm1eg)
Blog
- Pose Estimation. Metrics.
(https://stasiuk.medium.com/pose-estimation-metrics-844c07ba0a78)
Sources

More Related Content

What's hot

Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural NetworksYogendra Tamang
 
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...Simplilearn
 
Deep Learning With Neural Networks
Deep Learning With Neural NetworksDeep Learning With Neural Networks
Deep Learning With Neural NetworksAniket Maurya
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural NetworksDatabricks
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network Yan Xu
 
Image Caption Generation using Convolutional Neural Network and LSTM
Image Caption Generation using Convolutional Neural Network and LSTMImage Caption Generation using Convolutional Neural Network and LSTM
Image Caption Generation using Convolutional Neural Network and LSTMOmkar Reddy
 
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...Simplilearn
 
Semantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesSemantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesFellowship at Vodafone FutureLab
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsKasun Chinthaka Piyarathna
 
CNN and its applications by ketaki
CNN and its applications by ketakiCNN and its applications by ketaki
CNN and its applications by ketakiKetaki Patwari
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Abdulrazak Zakieh
 
Deep Belief Networks
Deep Belief NetworksDeep Belief Networks
Deep Belief NetworksHasan H Topcu
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningMohamed Loey
 
Convolutional Neural Network
Convolutional Neural NetworkConvolutional Neural Network
Convolutional Neural NetworkVignesh Suresh
 
Convolutional neural networks
Convolutional neural networks Convolutional neural networks
Convolutional neural networks Roozbeh Sanaei
 
Computer vision introduction
Computer vision  introduction Computer vision  introduction
Computer vision introduction Wael Badawy
 
Semantic Segmentation Methods using Deep Learning
Semantic Segmentation Methods using Deep LearningSemantic Segmentation Methods using Deep Learning
Semantic Segmentation Methods using Deep LearningSungjoon Choi
 
Convolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular ArchitecturesConvolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular Architecturesananth
 

What's hot (20)

Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural Networks
 
Cnn
CnnCnn
Cnn
 
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
 
Deep Learning With Neural Networks
Deep Learning With Neural NetworksDeep Learning With Neural Networks
Deep Learning With Neural Networks
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural Networks
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
 
Image Caption Generation using Convolutional Neural Network and LSTM
Image Caption Generation using Convolutional Neural Network and LSTMImage Caption Generation using Convolutional Neural Network and LSTM
Image Caption Generation using Convolutional Neural Network and LSTM
 
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
Backpropagation And Gradient Descent In Neural Networks | Neural Network Tuto...
 
Semantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesSemantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network Approaches
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 
CNN and its applications by ketaki
CNN and its applications by ketakiCNN and its applications by ketaki
CNN and its applications by ketaki
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)
 
Deep Belief Networks
Deep Belief NetworksDeep Belief Networks
Deep Belief Networks
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
 
Convolutional Neural Network
Convolutional Neural NetworkConvolutional Neural Network
Convolutional Neural Network
 
Convolutional neural networks
Convolutional neural networks Convolutional neural networks
Convolutional neural networks
 
Computer vision introduction
Computer vision  introduction Computer vision  introduction
Computer vision introduction
 
Semantic Segmentation Methods using Deep Learning
Semantic Segmentation Methods using Deep LearningSemantic Segmentation Methods using Deep Learning
Semantic Segmentation Methods using Deep Learning
 
Resnet
ResnetResnet
Resnet
 
Convolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular ArchitecturesConvolutional Neural Networks : Popular Architectures
Convolutional Neural Networks : Popular Architectures
 

Similar to HRNET : Deep High-Resolution Representation Learning for Human Pose Estimation

A Trained CNN Based Resolution Enhancement of Digital Images
A Trained CNN Based Resolution Enhancement of Digital ImagesA Trained CNN Based Resolution Enhancement of Digital Images
A Trained CNN Based Resolution Enhancement of Digital ImagesIJMTST Journal
 
Towards Accurate Multi-person Pose Estimation in the Wild (My summery)
Towards Accurate Multi-person Pose Estimation in the Wild (My summery)Towards Accurate Multi-person Pose Estimation in the Wild (My summery)
Towards Accurate Multi-person Pose Estimation in the Wild (My summery)Abdulrahman Kerim
 
Comparison of Various RCNN techniques for Classification of Object from Image
Comparison of Various RCNN techniques for Classification of Object from ImageComparison of Various RCNN techniques for Classification of Object from Image
Comparison of Various RCNN techniques for Classification of Object from ImageIRJET Journal
 
Super resolution in deep learning era - Jaejun Yoo
Super resolution in deep learning era - Jaejun YooSuper resolution in deep learning era - Jaejun Yoo
Super resolution in deep learning era - Jaejun YooJaeJun Yoo
 
A Deep Journey into Super-resolution
A Deep Journey into Super-resolutionA Deep Journey into Super-resolution
A Deep Journey into Super-resolutionRonak Mehta
 
MAMMOGRAPHY LESION DETECTION USING FASTER R-CNN DETECTOR
MAMMOGRAPHY LESION DETECTION USING FASTER R-CNN DETECTORMAMMOGRAPHY LESION DETECTION USING FASTER R-CNN DETECTOR
MAMMOGRAPHY LESION DETECTION USING FASTER R-CNN DETECTORcscpconf
 
AI optimizing HPC simulations (presentation from 6th EULAG Workshop)
AI optimizing HPC simulations (presentation from  6th EULAG Workshop)AI optimizing HPC simulations (presentation from  6th EULAG Workshop)
AI optimizing HPC simulations (presentation from 6th EULAG Workshop)byteLAKE
 
Super Resolution with OCR Optimization
Super Resolution with OCR OptimizationSuper Resolution with OCR Optimization
Super Resolution with OCR OptimizationniveditJain
 
20230213_ComputerVision_연구.pptx
20230213_ComputerVision_연구.pptx20230213_ComputerVision_연구.pptx
20230213_ComputerVision_연구.pptxssuser7807522
 
A Fully Progressive approach to Single image super-resolution
A Fully Progressive approach to Single image super-resolution A Fully Progressive approach to Single image super-resolution
A Fully Progressive approach to Single image super-resolution Mohammed Ashour
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentationOwin Will
 
Machine learning in science and industry — day 1
Machine learning in science and industry — day 1Machine learning in science and industry — day 1
Machine learning in science and industry — day 1arogozhnikov
 
EE660_Report_YaxinLiu_8448347171
EE660_Report_YaxinLiu_8448347171EE660_Report_YaxinLiu_8448347171
EE660_Report_YaxinLiu_8448347171Yaxin Liu
 
"An adaptive modular approach to the mining of sensor network ...
"An adaptive modular approach to the mining of sensor network ..."An adaptive modular approach to the mining of sensor network ...
"An adaptive modular approach to the mining of sensor network ...butest
 

Similar to HRNET : Deep High-Resolution Representation Learning for Human Pose Estimation (20)

A Trained CNN Based Resolution Enhancement of Digital Images
A Trained CNN Based Resolution Enhancement of Digital ImagesA Trained CNN Based Resolution Enhancement of Digital Images
A Trained CNN Based Resolution Enhancement of Digital Images
 
Towards Accurate Multi-person Pose Estimation in the Wild (My summery)
Towards Accurate Multi-person Pose Estimation in the Wild (My summery)Towards Accurate Multi-person Pose Estimation in the Wild (My summery)
Towards Accurate Multi-person Pose Estimation in the Wild (My summery)
 
Comparison of Various RCNN techniques for Classification of Object from Image
Comparison of Various RCNN techniques for Classification of Object from ImageComparison of Various RCNN techniques for Classification of Object from Image
Comparison of Various RCNN techniques for Classification of Object from Image
 
IPT.pdf
IPT.pdfIPT.pdf
IPT.pdf
 
Super resolution in deep learning era - Jaejun Yoo
Super resolution in deep learning era - Jaejun YooSuper resolution in deep learning era - Jaejun Yoo
Super resolution in deep learning era - Jaejun Yoo
 
crowd counting.pptx
crowd counting.pptxcrowd counting.pptx
crowd counting.pptx
 
A Deep Journey into Super-resolution
A Deep Journey into Super-resolutionA Deep Journey into Super-resolution
A Deep Journey into Super-resolution
 
Human Emotion Recognition
Human Emotion RecognitionHuman Emotion Recognition
Human Emotion Recognition
 
V2 v posenet
V2 v posenetV2 v posenet
V2 v posenet
 
Thesis Presentation
Thesis PresentationThesis Presentation
Thesis Presentation
 
MAMMOGRAPHY LESION DETECTION USING FASTER R-CNN DETECTOR
MAMMOGRAPHY LESION DETECTION USING FASTER R-CNN DETECTORMAMMOGRAPHY LESION DETECTION USING FASTER R-CNN DETECTOR
MAMMOGRAPHY LESION DETECTION USING FASTER R-CNN DETECTOR
 
AI optimizing HPC simulations (presentation from 6th EULAG Workshop)
AI optimizing HPC simulations (presentation from  6th EULAG Workshop)AI optimizing HPC simulations (presentation from  6th EULAG Workshop)
AI optimizing HPC simulations (presentation from 6th EULAG Workshop)
 
Super Resolution with OCR Optimization
Super Resolution with OCR OptimizationSuper Resolution with OCR Optimization
Super Resolution with OCR Optimization
 
20230213_ComputerVision_연구.pptx
20230213_ComputerVision_연구.pptx20230213_ComputerVision_연구.pptx
20230213_ComputerVision_연구.pptx
 
A Fully Progressive approach to Single image super-resolution
A Fully Progressive approach to Single image super-resolution A Fully Progressive approach to Single image super-resolution
A Fully Progressive approach to Single image super-resolution
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentation
 
Machine learning in science and industry — day 1
Machine learning in science and industry — day 1Machine learning in science and industry — day 1
Machine learning in science and industry — day 1
 
Pixel Recursive Super Resolution. Google Brain
 Pixel Recursive Super Resolution.  Google Brain Pixel Recursive Super Resolution.  Google Brain
Pixel Recursive Super Resolution. Google Brain
 
EE660_Report_YaxinLiu_8448347171
EE660_Report_YaxinLiu_8448347171EE660_Report_YaxinLiu_8448347171
EE660_Report_YaxinLiu_8448347171
 
"An adaptive modular approach to the mining of sensor network ...
"An adaptive modular approach to the mining of sensor network ..."An adaptive modular approach to the mining of sensor network ...
"An adaptive modular approach to the mining of sensor network ...
 

More from taeseon ryu

OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...taeseon ryu
 
3D Gaussian Splatting
3D Gaussian Splatting3D Gaussian Splatting
3D Gaussian Splattingtaeseon ryu
 
Hyperbolic Image Embedding.pptx
Hyperbolic  Image Embedding.pptxHyperbolic  Image Embedding.pptx
Hyperbolic Image Embedding.pptxtaeseon ryu
 
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정taeseon ryu
 
LLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdfLLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdftaeseon ryu
 
Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories taeseon ryu
 
Packed Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation ExtractionPacked Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation Extractiontaeseon ryu
 
MOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement LearningMOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement Learningtaeseon ryu
 
Scaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language ModelsScaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language Modelstaeseon ryu
 
Visual prompt tuning
Visual prompt tuningVisual prompt tuning
Visual prompt tuningtaeseon ryu
 
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdfvariBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdftaeseon ryu
 
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdfReinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdftaeseon ryu
 
The Forward-Forward Algorithm
The Forward-Forward AlgorithmThe Forward-Forward Algorithm
The Forward-Forward Algorithmtaeseon ryu
 
Towards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural NetworksTowards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural Networkstaeseon ryu
 
BRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive SummarizationBRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive Summarizationtaeseon ryu
 

More from taeseon ryu (20)

VoxelNet
VoxelNetVoxelNet
VoxelNet
 
OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...
 
3D Gaussian Splatting
3D Gaussian Splatting3D Gaussian Splatting
3D Gaussian Splatting
 
JetsonTX2 Python
 JetsonTX2 Python  JetsonTX2 Python
JetsonTX2 Python
 
Hyperbolic Image Embedding.pptx
Hyperbolic  Image Embedding.pptxHyperbolic  Image Embedding.pptx
Hyperbolic Image Embedding.pptx
 
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
 
LLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdfLLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdf
 
YOLO V6
YOLO V6YOLO V6
YOLO V6
 
Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories
 
RL_UpsideDown
RL_UpsideDownRL_UpsideDown
RL_UpsideDown
 
Packed Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation ExtractionPacked Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation Extraction
 
MOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement LearningMOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement Learning
 
Scaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language ModelsScaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language Models
 
Visual prompt tuning
Visual prompt tuningVisual prompt tuning
Visual prompt tuning
 
mPLUG
mPLUGmPLUG
mPLUG
 
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdfvariBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
 
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdfReinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
 
The Forward-Forward Algorithm
The Forward-Forward AlgorithmThe Forward-Forward Algorithm
The Forward-Forward Algorithm
 
Towards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural NetworksTowards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural Networks
 
BRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive SummarizationBRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive Summarization
 

Recently uploaded

From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...Florian Roscheck
 
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /WhatsappsBeautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsappssapnasaifi408
 
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024thyngster
 
Customer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxCustomer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxEmmanuel Dauda
 
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样vhwb25kk
 
Data Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptxData Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptxFurkanTasci3
 
Call Girls In Dwarka 9654467111 Escorts Service
Call Girls In Dwarka 9654467111 Escorts ServiceCall Girls In Dwarka 9654467111 Escorts Service
Call Girls In Dwarka 9654467111 Escorts ServiceSapana Sha
 
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Callshivangimorya083
 
9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home ServiceSapana Sha
 
RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998YohFuh
 
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理e4aez8ss
 
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...Sapana Sha
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfJohn Sterrett
 
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改yuu sss
 
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一fhwihughh
 
GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]📊 Markus Baersch
 
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfKantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfSocial Samosa
 
ASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel CanterASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel Cantervoginip
 
04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationshipsccctableauusergroup
 
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...dajasot375
 

Recently uploaded (20)

From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
 
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /WhatsappsBeautiful Sapna Vip  Call Girls Hauz Khas 9711199012 Call /Whatsapps
Beautiful Sapna Vip Call Girls Hauz Khas 9711199012 Call /Whatsapps
 
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
 
Customer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptxCustomer Service Analytics - Make Sense of All Your Data.pptx
Customer Service Analytics - Make Sense of All Your Data.pptx
 
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
1:1定制(UQ毕业证)昆士兰大学毕业证成绩单修改留信学历认证原版一模一样
 
Data Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptxData Science Jobs and Salaries Analysis.pptx
Data Science Jobs and Salaries Analysis.pptx
 
Call Girls In Dwarka 9654467111 Escorts Service
Call Girls In Dwarka 9654467111 Escorts ServiceCall Girls In Dwarka 9654467111 Escorts Service
Call Girls In Dwarka 9654467111 Escorts Service
 
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
 
9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service9654467111 Call Girls In Munirka Hotel And Home Service
9654467111 Call Girls In Munirka Hotel And Home Service
 
RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998RA-11058_IRR-COMPRESS Do 198 series of 1998
RA-11058_IRR-COMPRESS Do 198 series of 1998
 
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
 
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
Saket, (-DELHI )+91-9654467111-(=)CHEAP Call Girls in Escorts Service Saket C...
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdf
 
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
 
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
办理学位证纽约大学毕业证(NYU毕业证书)原版一比一
 
GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]
 
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdfKantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
Kantar AI Summit- Under Embargo till Wednesday, 24th April 2024, 4 PM, IST.pdf
 
ASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel CanterASML's Taxonomy Adventure by Daniel Canter
ASML's Taxonomy Adventure by Daniel Canter
 
04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships04242024_CCC TUG_Joins and Relationships
04242024_CCC TUG_Joins and Relationships
 
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
Indian Call Girls in Abu Dhabi O5286O24O8 Call Girls in Abu Dhabi By Independ...
 

HRNET : Deep High-Resolution Representation Learning for Human Pose Estimation

  • 1. HRNet Image Processing Team | Detection Byunghyun Kim, Chanhyeok Lee, Eungi Hong, Jongsik Ahn, Hyeonjin Kim, Jaewan Park, Chungchun Hyun, Seonok Kim(🙋) CVPR 2019 Authors: Ke Sun1,2, Bin Xiao2, Dong Liu1, Jingdong Wang2, 1University of Science and Technology of China, 2Microsoft Research Asia Deep High-Resolution Representation Learning for Human Pose Estimation
  • 3. HRNet Pose Estimation - A computer vision task that represents the orientation of a person in a graphical format. - Widely applied to predict a person’s body parts or joint position. A Comprehensive Guide on Human Pose Estimation (Analytics Vidhya) Human Pose Estimation (Open DMQA Seminar) Human Pose Estimation with Deep Learning (Neuralet), Deep Learning Based 2D Human Pose Estimation: A Survey (TUP, 2019) HeatMap Regression 3D 2D Single Person Multi Person Direct Regression HPE 2 Direct Regression HeatMap Regression regresses the key body points directly from the feature maps. 3 estimates the probability of the existence of a key point in each pixel of the image. Introduction 3
  • 4. Pose Estimation 4 Deep Learning Based 2D Human Pose Estimation: A Survey (2019) 3D 2D Single Person Multi Person HPE Bottom-up Top-down Top-down Bottom-up is detecting all individuals in a given image using a human detector module. is detecting all key-points (body parts) in an instance agnostic manner and then associating key-points to build a human instance HRNet Introduction
  • 5. Previous Methods 5 - Most existing methods pass the input through a network, typically consisting of high-to-low resolution sub-networks that are connected in series, and then raise the resolution. Stacked Hourglass Networks for Human Pose Estimation (2016) Simple Baselines for Human Pose Estimation and Tracking (ECCV 2018) HRNet Introduction Stacked hourglass Simple Baseline recovers the high resolution through a symmetric low-to-high process. uses transposed convolutions for low-to-high processing.
  • 7. HRNet 7 - HRNet starts from a high-resolution subnetwork as the first stage, gradually add high-to-low resolution subnetworks one by one to form more stages and connect the mutli-resolution subnetworks in parallel. HRNet Approach Previous Methods typically consist of high-to-low resolution sub-networks that are connected in series, and then raise the resolution. Proposed Method consists of parallel high-to-low resolution subnetworks with repeated information exchange across multi-resolution subnetworks (multi-scale fusion) Stage 1 Stage 2 Stage 3 Stage 4
  • 8. Parallel Multi-resolution Subnetworks 8 HRNet Approach Sequential Subnetworks Parallel Subnetworks Existing networks for pose estimation are built by connecting high-to-low resolution subnetworks in series. The resolutions for the parallel sub-networks of a later stage consists of the resolutions from the previous stage, and an extra lower one. - Parallel Subnetworks start from a high-resolution subnetwork as the first stage, gradually add high-to-low resolution subnetworks one by one, forming new stages, and connect the multi-resolution subnetworks in parallel. - 𝑁!" : the subnetwork, 𝑠 ∶ 𝑠th stage, 𝑟 : the resolution index High-Resolution Representations for Labeling Pixels and Regions (2019)
  • 9. Repeated Multi-scale Fusion 9 - HRNet contains four stages with four parallel subnetworks, whose resolution is gradually decreased to a half and accordingly the width (the number of channels) is increased to the double. - The resolution is # $!"# of the resolution of the first subnetwork. HRNet Approach Stage 1 Stage 2 Stage 3 Stage 4 The Stages of HRNet - There are four stages. The 1st stage consists of high-resolution convolutions. - The 2nd (3rd, 4th) stage repeats two- resolution (three-resolution, four-resolution) blocks.
  • 10. Repeated Multi-scale Fusion 10 HRNet Approach - Inputs : {Χ#, Χ$, … , Χ! } - Outputs : {Υ#, Υ$, … , Υ!} - 𝑠th stage : 𝑠 - Up-sampling or down-sampling Χ% from resolution 𝑖 to resolution 𝑘: α Χ%, 𝑘 - If : 𝑖 = 𝑘 , α Χ%, 𝑘 = Χ%. - Each output is an aggregation of the input maps: Υ& = ∑%'# ! α Χ%, 𝑘 - The exchange unit across stages has an extra output map: Υ!)#= α Υ!, 𝑠 + 1 : Down-sampling (stride = 2) : Up-sampling (Nearest-neighbor) - Exchange units: each subnetwork repeatedly receives the information from other parallel subnetworks. Stage 3
  • 11. Repeated Multi-scale Fusion 11 HRNet Approach Exchange unit Convolution unit Stage Block index Resolution index - Exchange units: each subnetwork repeatedly receives the information from other parallel subnetworks. - Each block is composed of 3 parallel convolution units with an exchange unit across the parallel units, which is given as follows:
  • 12. Heatmap Estimation 12 - The groundtruth heatmaps are generated by applying 2D Gaussian. - The mean squared error is applied for regressing the heatmaps. UniPose+: A unified framework for 2D and 3D human pose estimation in images and videos (TPAMI 2021) HRNet Approach Gaussian heatmap - The network is instantiated by following the design rule of ResNet. - The resolution is gradually decreased to a half, and accordingly, the width (the number of channels) is increased to double. Network Instantiation HRNet-W32 HRNet-W48 The widths(C) of the high-resolution subnetworks in last three stages 64, 128, 256 96, 192, 384 The type of nets
  • 15. Dataset 15 HRNet Experiments COCO Keypoint Dataset MPII Human Pose Dataset - 17 keypoints - 200K images and 250K person instances - Train, validation, test set - Metric: OKS, AP - 16 keypoints - 25K images with 40K subjects - Train, test set - Metric: PCKh
  • 16. Evaluation Metric : Object Keypoint Similarity (OKS) 16 HRNet Experiments Euclidean distances between each ground truth and detected keypoint 𝑑4 Visibility flags of the ground truth 𝑣4 Scale*keypoint constant, the standard deviation of this gaussian 𝑠 ∗ 𝑘4 Perfect predictions will have OKS = 1 Predictions with wrong keypoints will have OKS~0 Towards Accurate Multi-person Pose Estimation in the Wild (CVPR 2017) Pose Estimation. Metrics. (stasiuk.medium.com) 𝑣 = 0 : not labeled 𝑣 = 1 : labeled but not visible 𝑣 = 2 : labeled and visible 𝐴𝑃*+ AP at OKS = 0.50 The mean of AP scores at 10 positions*, for medium objects and large objects 𝐴𝑃,,- 𝐴𝑅 Average recall at 10 positions* *10 positions : OKS = 0.50, 0.55, . . . , 0.90, 0.95 Constants for joints OKS =
  • 17. Evaluation Metric: Head-normalized Probability of Correct Keypoint (PCKh) 17 HRNet Experiments - A detected joint is considered ‘correct’ if the distance between the predicted and the true joint is within a certain threshold. Articulated Human Pose Estimation with Flexible Mixtures of Parts (CVPR 2011) - PCKh uses head size instead of bounding box size. - PCKh@0.5 is when the threshold = 50% of the head bone link PCK PCKh
  • 18. COCO Keypoint Detection 18 - HRNet is significantly better than bottom-up approaches. - It outperforms all the other top-down approaches and is more efficient in terms of model size and computation complexity. HRNet Experiments
  • 19. MPII Human Pose Estimation 19 HRNet Experiments - The result is the best one among the previously-published results on the leaderboard of Nov. 16th, 2018. - HRNet-W32 achieves a 92.3 PKCh@0.5 score and outperforms the stacked hourglass approach and its extensions.
  • 20. Ablation Study 20 HRNet Experiments - Figure 5 implies that the resolution does impact the keypoint prediction quality. - Figure 6 implies that the improvement for the smaller input size is more significant than the larger input size.
  • 22. Conclusion 22 HRNet - The proposed method maintains the high resolution through the whole process without the need of recovering the high resolution. - It fuses multi-resolution representations repeatedly, rendering reliable high-resolution representations. - HRNet gets good performance in other computer vision tasks, including human pose estimation, semantic segmentation, and object detection.
  • 24. Seonok Kim (sokim0991@korea.ac.kr) Presenter Paper - Deep High-Resolution Representation Learning for Human Pose Estimation (CVPR 2019) - High-Resolution Representations for Labeling Pixels and Regions (arXiv:1904.04514) - Towards Accurate Multi-person Pose Estimation in the Wild (CVPR 2017) - Articulated Human Pose Estimation with Flexible Mixtures of Parts (CVPR 2011) - UniPose+: A unified framework for 2D and 3D human pose estimation in images and videos (TPAMI 2021) YouTube - [Paper Review] Deep High-Resolution Representation Learning for Human Pose Estimation (https://www.youtube.com/watch?v=w39bjQxm1eg) Blog - Pose Estimation. Metrics. (https://stasiuk.medium.com/pose-estimation-metrics-844c07ba0a78) Sources