SlideShare a Scribd company logo
김 성 철
Contents
1. Introduction
2. Panoptic Segmentation
3. Human Consistency Study
4. Machine Performance Baselines
5. Future of Panoptic Segmentation
2
Introduction & Related Work
• Introduction
• Semantic Segmentation
• Stuff (such as grass, sky, road, ..)
• Simply assign a class label to each pixel in an image
(treat thing classes as stuff)
• FCN으로 object instance를 나누기 힘듬
• Instance Segmentation
• Things (such as people, animals, tools, ..)
• Detect each object and delineate it with a bbox or mask
• Region-based method로 overlapping을 피하기 힘듬
3
Introduction & Related Work
• Introduction
• Panoptic Segmentation
• Encompass both stuff and thing classes
→ Panoptic : including every thing visible in one view
• Use a simple but general output format
→ 각 pixel은 semantic label과 instance id를 할당받음
• Introduce a uniform evaluation metric
→ Semantic, Instance 모두 적용 가능한 Panoptic Quality
4
Panoptic Segmentation
• Format
• Task format
• Semantic classes ℒ ≔ {0, … , ℒ − 1}
• Each pixel 𝑖 is mapped to a pair 𝒍𝒊, 𝒛𝒊 ∈ 𝓛 × ℕ
• 𝑙𝑖 : the semantic class of pixel 𝑖
• 𝑧𝑖 : its instance id. Group pixels of the same class into distinct segments
• 애매하거나 out-of-class pixel들은 void label로 배정
→ 모든 pixel이 semantic label을 갖는 건 아님
5
Panoptic Segmentation
• Format
• Stuff and thing labels
• Semantic label set은 subset ℒ 𝑆𝑡와 ℒ 𝑇ℎ로 구성
• ℒ = ℒ 𝑆𝑡
∪ ℒ 𝑇ℎ
, ℒ 𝑆𝑡
∩ ℒ 𝑇ℎ
= ∅
• Pixel이 𝑙𝑖 ∈ ℒ 𝑆𝑡
로 레이블 될 때, 𝑧𝑖는 관계 없음
→ 모든 stuff classes는 같은 instance를 갖기 때문 (e.g., the same sky)
• 모든 pixel이 같은 𝒍𝒊, 𝒛𝒊 일 때 (𝑙𝑖 ∈ ℒ 𝑇ℎ), 같은 instance에 속함 (e.g., the same car)
• Single instance에 속하는 경우 같은 𝒍𝒊, 𝒛𝒊 을 가짐
6
Panoptic Segmentation
• Format
• Relationship to semantic segmentation
• Panoptic segmentation은 semantic segmentation의 strict generalization
• 각 pixel에 semantic label을 할당하는 것은 동일, thing class가 들어가는 순간 달라짐
• Relationship to instance segmentation
• Instance segmentation은 overlapping segment 발생
→ Panoptic segmentation은 각 pixel에 semantic label과 instance id 하나씩 할당
→ Overlapping 발생 X
7
Panoptic Segmentation
• Metric
• 기존 방법들은 semantic or instance segmentation에 특화
→ stuff와 thing을 동시에 측정 불가
• Stuff와 thing을 동시에 측정할 수 있는 metric 제시
• Completeness : Treat stuff and thing classes in a uniform way
• Interpretability : A metric with identifiable meaning
• Simplicity : Simple to define and implement
→ Panoptic Quality (PQ)
8
Panoptic Segmentation
• Metric
• Segment Matching
• 𝐼𝑜𝑈 𝑝𝑖, 𝑔 =
|𝑝 𝑖∩𝑔|
|𝑝 𝑖∪𝑔|
≤
𝑝 𝑖∩𝑔
𝑔
𝑓𝑜𝑟 𝑖 ∈ 1, 2
• 𝑝1 ∩ 𝑝2 = ∅, |𝑝𝑖 ∪ 𝑔| ≥ |𝑔|
• 𝐼𝑜𝑈 𝑝1, 𝑔 + 𝐼𝑜𝑈 𝑝2, 𝑔 ≤
𝑝1∩𝑔 + 𝑝2∩𝑔
𝑔
≤ 1
• 𝑝1 ∩ 𝑔 + 𝑝2 ∩ 𝑔 ≤ g
• Simple and Interpretable!
9
Panoptic Segmentation
• Metric
• PQ Computation
• Class별로 PQ 계산 후 평균 → class imbalance에 insensitive하게 만듬
• 𝑷𝑸 =
σ 𝒑,𝒈 ∈𝑻𝑷 𝑰𝒐𝑼(𝒑,𝒈)
𝑻𝑷 +
𝟏
𝟐
𝑭𝑷 +
𝟏
𝟐
𝑭𝑵
•
1
|𝑇𝑃|
σ 𝑝,𝑔 ∈𝑇𝑃 𝐼𝑜𝑈(𝑝, 𝑔) : the average 𝐼𝑜𝑈 of matched segments
•
1
2
𝐹𝑃 +
1
2
𝐹𝑁 : to penalize segments without matches
• All segments receive equal importance regardless of their area!
10
Panoptic Segmentation
• Metric
• PQ Computation
• 𝑷𝑸 =
σ 𝒑,𝒈 ∈𝑻𝑷 𝑰𝒐𝑼(𝒑,𝒈)
𝑻𝑷 +
𝟏
𝟐
𝑭𝑷 +
𝟏
𝟐
𝑭𝑵
=
σ 𝒑,𝒈 ∈𝑻𝑷 𝑰𝒐𝑼(𝒑,𝒈)
𝑻𝑷
×
|𝑻𝑷|
𝑻𝑷 +
𝟏
𝟐
𝑭𝑷 +
𝟏
𝟐
𝑭𝑵
(𝑺𝑸 × 𝑹𝑸)
•
σ 𝑝,𝑔 ∈𝑇𝑃 𝐼𝑜𝑈(𝑝,𝑔)
𝑇𝑃
: segmentation quality (SQ)  the average 𝐼𝑜𝑈 of matched segments
•
|𝑇𝑃|
𝑇𝑃 +
1
2
𝐹𝑃 +
1
2
𝐹𝑁
: recognition quality (RQ)  𝐹1 score과 흡사
11
Panoptic Segmentation
• Metric
• PQ Computation
• Void labels in the ground truth
• Out of class pixels / ambiguous or unknown pixels → 평가하지 않음
• Ground truth에서 void labels인 pixel들은 제외하고 𝐼𝑜𝑈 계산
• Void pixel의 일부가 포함된 unmatched predicted segments는 제거 & FP로 처리X
• Group labels
• Cityscapes, COCO는 instance id 대신 group label을 사용
• Matching 중에는 group region 사용 X
• Matching 이후, matching threshold를 넘는 same class의 일부를 포함하는 12
Panoptic Segmentation
• Metric
• Comparison to Existing Metrics
• Semantic segmentation metrics
• 𝐼𝑜𝑈 → pixel output/labels 기반 계산 & object-level labels 무시
• Instance segmentation metrics
• Average Precision : Confidence score 필요 → semantic segmentation에 적합하지 않음
• Panoptic quality
• Treat all classes (stuff and things) in a uniform way
• SQ, RQ로 decomposing 할 수 있지만, PQ가 semantic과 instance의 metric은 아님
→ 오히려 SQ와 RQ가 각각 semantic과 instance의 metric 13
Panoptic Segmentation
• Datasets
• Cityscapes
• 5000 images (2975 / 500 / 1525)
• 19 classes among which 8 have instance-level
• ADE20k
• 25k images (20k / 2k / 3k)
• 100 thing and 50 stuff classes in the 2017 Places Challenge
• Mapillary Vistas
• 25k street-view images (18k / 2k / 5k)
• 28 stuff and 37 thing classes in ‘research edition’
14
Human Consistency Study
• Human annotation
• 하나를 ground truth, 다른 하나를 prediction으로 설정 후 PQ 측정
• Human consistency
15
Human Consistency Study
• Stuff 𝒗𝒔. Things
• 모든 stuff and things classes가 고르게 분포
• Small 𝒗𝒔. large objects
• Small 25% | middle 50% | largest 25%
16
Human Consistency Study
• 𝑰𝒐𝑼 threshold
• SQ 𝒗𝒔. RQ balance
• 𝑅𝑄 𝛼 =
|𝑇𝑃|
𝑇𝑃 +𝛼 𝐹𝑃 +𝛼|𝐹𝑁|
(default 𝛼 = 0.5)
• default 𝛼 가 SQ와 RQ 사이에 균형을 맞춰 줌
• 상황에 따라 변경해주면 될 듯
17
Machine Performance Baseline
• 세 가지 관점
• How do heuristic combinations of top-performing instance and semantic
segmentation systems perform on panoptic segmentation?
• How does PQ compare to existing metrics like 𝐴𝑃 and 𝐼𝑜𝑈?
• How do the machine results compare to the human results that we
presented previously?
18
Machine Performance Baseline
• Algorithms and data
• 각 dataset에서 algorithm output을 얻음
• Cityscapes : masks generated by PSPNet and Mask R-CNN
• ADE20k : the winners of both the semantic and instance seg. in the 2017 Places
Challenge
• Vistas : 주최측으로 부터 1k testset에 대한 semantic & instance seg. 결과를 제공받음
19
Machine Performance Baseline
• Instance segmentation
• Overlapping segment를 얻음 → 해결
• Confidence score 순으로 sorting
→ 낮은 score는 제거
• 가장 confident한 것부터 시작해서 반복
• Remove pixels which have been assigned to previous segments
• Segment의 충분한 부분이 남아있으면 non-overlapping, 그렇지 않으면 전체 segment 제거
20
Machine Performance Baseline
• Semantic segmentation
• No overlapping → 바로 PQ 계산 가능
• Multi-scale : skip connection (?)
21
Machine Performance Baseline
• Panoptic segmentation
• Instance + Semantic for resolving any overlap between thing and stuff
22
Machine Performance Baseline
• Human 𝒗𝒔. machine panoptic segmentation
23
Future of Panoptic Segmentation
• Stuff와 thing을 동시에 설명하는 end-to-end model
• Instance segmentation에서 non-overlapping을 위한 실험들이 진행됨
• Some form of higher-level ‘reasoning’ may be beneficial
• Extend learnable NMS to PS
24
Future of Panoptic Segmentation
• Stuff와 thing을 동시에 설명하는 end-to-end model
• Instance segmentation에서 non-overlapping을 위한 실험들이 진행됨
• Some form of higher-level ‘reasoning’ may be beneficial
• Extend learnable NMS to PS
25
UPSNet (in CVPR 2019)
26
감 사 합 니 다
27

More Related Content

PPSX
Perceptron (neural network)
PPTX
Convolutional Neural Network (CNN)
PDF
Panoptic Segmentation @CVPR2019
PDF
A Brief Introduction on Recurrent Neural Network and Its Application
PDF
Deep Feed Forward Neural Networks and Regularization
PDF
Deep learning based object detection basics
PPTX
Variational Auto Encoder and the Math Behind
PDF
Feature Extraction
Perceptron (neural network)
Convolutional Neural Network (CNN)
Panoptic Segmentation @CVPR2019
A Brief Introduction on Recurrent Neural Network and Its Application
Deep Feed Forward Neural Networks and Regularization
Deep learning based object detection basics
Variational Auto Encoder and the Math Behind
Feature Extraction

What's hot (20)

PPTX
Image feature extraction
PDF
AI On the Edge: Model Compression
PDF
Semantic Segmentation - Fully Convolutional Networks for Semantic Segmentation
PPTX
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
PDF
Applications in Machine Learning
PPTX
Artificial Neural Network
PPTX
CNN Tutorial
PPT
Multi-Layer Perceptrons
PPTX
Dimensionality reduction: SVD and its applications
PPTX
Image segmentation in Digital Image Processing
PDF
Image segmentation with deep learning
PPTX
Introduction to Convolutional Neural Networks
PPT
Sharpening using frequency Domain Filter
PPT
Soft Computing-173101
PPTX
Convolutional Neural Network and Its Applications
PPTX
Chapter 9 morphological image processing
PPTX
Convolution Neural Network (CNN)
PPTX
Convolutional Neural Network (CNN) - image recognition
PPTX
Recurrent neural network
Image feature extraction
AI On the Edge: Model Compression
Semantic Segmentation - Fully Convolutional Networks for Semantic Segmentation
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Applications in Machine Learning
Artificial Neural Network
CNN Tutorial
Multi-Layer Perceptrons
Dimensionality reduction: SVD and its applications
Image segmentation in Digital Image Processing
Image segmentation with deep learning
Introduction to Convolutional Neural Networks
Sharpening using frequency Domain Filter
Soft Computing-173101
Convolutional Neural Network and Its Applications
Chapter 9 morphological image processing
Convolution Neural Network (CNN)
Convolutional Neural Network (CNN) - image recognition
Recurrent neural network
Ad

Similar to Panoptic Segmentation (17)

PDF
“Introduction to Semantic Segmentation,” a Presentation from Au-Zone Technolo...
PDF
“An Introduction to Semantic Segmentation,” a Presentation from Au-Zone Techn...
PDF
Pr045 deep lab_semantic_segmentation
PDF
2021 03-02-spade
PDF
Deep learning image recognition for autonomous driving(classification, objec...
PDF
[Paper] DetectoRS for Object Detection
PDF
Survey of Super Resolution Task (SISR Only)
PPTX
PR100: SeedNet: Automatic Seed Generation with Deep Reinforcement Learning fo...
PDF
Segmentation arxiv search_paper
PDF
[ 2021 AI + X 여름 캠프 ] 3. computer vision applications
PPTX
Insight toolkit을 이용한 삼차원 흉부 CT 영상분석 및 폐결절 검출 시스템
PDF
ModuLab DLC-Medical4
PPT
얼굴검출기법 감성언어인식기법
PPT
얼굴 검출 기법과 감성 언어 인식기법
PPTX
Review DRCN
PDF
Computer vision for autonomous vehicles
PDF
Single shot multiboxdetectors
“Introduction to Semantic Segmentation,” a Presentation from Au-Zone Technolo...
“An Introduction to Semantic Segmentation,” a Presentation from Au-Zone Techn...
Pr045 deep lab_semantic_segmentation
2021 03-02-spade
Deep learning image recognition for autonomous driving(classification, objec...
[Paper] DetectoRS for Object Detection
Survey of Super Resolution Task (SISR Only)
PR100: SeedNet: Automatic Seed Generation with Deep Reinforcement Learning fo...
Segmentation arxiv search_paper
[ 2021 AI + X 여름 캠프 ] 3. computer vision applications
Insight toolkit을 이용한 삼차원 흉부 CT 영상분석 및 폐결절 검출 시스템
ModuLab DLC-Medical4
얼굴검출기법 감성언어인식기법
얼굴 검출 기법과 감성 언어 인식기법
Review DRCN
Computer vision for autonomous vehicles
Single shot multiboxdetectors
Ad

More from Sungchul Kim (20)

PDF
SAM2: Segment Anything in Images and Videos
PDF
FeatUp: A Model-Agnostic Framework for Features at Any Resolution
PDF
Personalize Segment Anything Model with One Shot
PDF
TOOD: Task-aligned One-stage Object Detection
PDF
FQ-ViT: Post-Training Quantization for Fully Quantized Vision Transformer
PDF
Network Representation Analysis using Centered Kernel Alignment (CKA)
PDF
Review. Dense Prediction Tasks for SSL
PPTX
PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
PDF
Revisiting the Calibration of Modern Neural Networks
PDF
Emerging Properties in Self-Supervised Vision Transformers
PDF
PR-305: Exploring Simple Siamese Representation Learning
PDF
Score based Generative Modeling through Stochastic Differential Equations
PDF
Exploring Simple Siamese Representation Learning
PDF
Revisiting the Sibling Head in Object Detector
PDF
Do Wide and Deep Networks Learn the Same Things: Uncovering How Neural Networ...
PDF
Deeplabv1, v2, v3, v3+
PDF
Going Deeper with Convolutions
PDF
Grad-CAM: Visual Explanations from Deep Networks via Gradient-based Localization
PDF
Generalized Intersection over Union: A Metric and A Loss for Bounding Box Reg...
PDF
On the Variance of the Adaptive Learning Rate and Beyond
SAM2: Segment Anything in Images and Videos
FeatUp: A Model-Agnostic Framework for Features at Any Resolution
Personalize Segment Anything Model with One Shot
TOOD: Task-aligned One-stage Object Detection
FQ-ViT: Post-Training Quantization for Fully Quantized Vision Transformer
Network Representation Analysis using Centered Kernel Alignment (CKA)
Review. Dense Prediction Tasks for SSL
PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
Revisiting the Calibration of Modern Neural Networks
Emerging Properties in Self-Supervised Vision Transformers
PR-305: Exploring Simple Siamese Representation Learning
Score based Generative Modeling through Stochastic Differential Equations
Exploring Simple Siamese Representation Learning
Revisiting the Sibling Head in Object Detector
Do Wide and Deep Networks Learn the Same Things: Uncovering How Neural Networ...
Deeplabv1, v2, v3, v3+
Going Deeper with Convolutions
Grad-CAM: Visual Explanations from Deep Networks via Gradient-based Localization
Generalized Intersection over Union: A Metric and A Loss for Bounding Box Reg...
On the Variance of the Adaptive Learning Rate and Beyond

Recently uploaded (20)

PDF
composite construction of structures.pdf
PDF
PPT on Performance Review to get promotions
PPTX
Infosys Presentation by1.Riyan Bagwan 2.Samadhan Naiknavare 3.Gaurav Shinde 4...
PPTX
Current and future trends in Computer Vision.pptx
PPTX
Engineering Ethics, Safety and Environment [Autosaved] (1).pptx
PPT
Project quality management in manufacturing
PPTX
UNIT-1 - COAL BASED THERMAL POWER PLANTS
PPTX
Geodesy 1.pptx...............................................
PDF
Unit I ESSENTIAL OF DIGITAL MARKETING.pdf
PDF
The CXO Playbook 2025 – Future-Ready Strategies for C-Suite Leaders Cerebrai...
PPT
Mechanical Engineering MATERIALS Selection
PDF
PREDICTION OF DIABETES FROM ELECTRONIC HEALTH RECORDS
PDF
Model Code of Practice - Construction Work - 21102022 .pdf
PDF
Human-AI Collaboration: Balancing Agentic AI and Autonomy in Hybrid Systems
PDF
Mohammad Mahdi Farshadian CV - Prospective PhD Student 2026
PDF
keyrequirementskkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkk
PDF
737-MAX_SRG.pdf student reference guides
PPTX
Sustainable Sites - Green Building Construction
PDF
Well-logging-methods_new................
PDF
Evaluating the Democratization of the Turkish Armed Forces from a Normative P...
composite construction of structures.pdf
PPT on Performance Review to get promotions
Infosys Presentation by1.Riyan Bagwan 2.Samadhan Naiknavare 3.Gaurav Shinde 4...
Current and future trends in Computer Vision.pptx
Engineering Ethics, Safety and Environment [Autosaved] (1).pptx
Project quality management in manufacturing
UNIT-1 - COAL BASED THERMAL POWER PLANTS
Geodesy 1.pptx...............................................
Unit I ESSENTIAL OF DIGITAL MARKETING.pdf
The CXO Playbook 2025 – Future-Ready Strategies for C-Suite Leaders Cerebrai...
Mechanical Engineering MATERIALS Selection
PREDICTION OF DIABETES FROM ELECTRONIC HEALTH RECORDS
Model Code of Practice - Construction Work - 21102022 .pdf
Human-AI Collaboration: Balancing Agentic AI and Autonomy in Hybrid Systems
Mohammad Mahdi Farshadian CV - Prospective PhD Student 2026
keyrequirementskkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkk
737-MAX_SRG.pdf student reference guides
Sustainable Sites - Green Building Construction
Well-logging-methods_new................
Evaluating the Democratization of the Turkish Armed Forces from a Normative P...

Panoptic Segmentation

  • 2. Contents 1. Introduction 2. Panoptic Segmentation 3. Human Consistency Study 4. Machine Performance Baselines 5. Future of Panoptic Segmentation 2
  • 3. Introduction & Related Work • Introduction • Semantic Segmentation • Stuff (such as grass, sky, road, ..) • Simply assign a class label to each pixel in an image (treat thing classes as stuff) • FCN으로 object instance를 나누기 힘듬 • Instance Segmentation • Things (such as people, animals, tools, ..) • Detect each object and delineate it with a bbox or mask • Region-based method로 overlapping을 피하기 힘듬 3
  • 4. Introduction & Related Work • Introduction • Panoptic Segmentation • Encompass both stuff and thing classes → Panoptic : including every thing visible in one view • Use a simple but general output format → 각 pixel은 semantic label과 instance id를 할당받음 • Introduce a uniform evaluation metric → Semantic, Instance 모두 적용 가능한 Panoptic Quality 4
  • 5. Panoptic Segmentation • Format • Task format • Semantic classes ℒ ≔ {0, … , ℒ − 1} • Each pixel 𝑖 is mapped to a pair 𝒍𝒊, 𝒛𝒊 ∈ 𝓛 × ℕ • 𝑙𝑖 : the semantic class of pixel 𝑖 • 𝑧𝑖 : its instance id. Group pixels of the same class into distinct segments • 애매하거나 out-of-class pixel들은 void label로 배정 → 모든 pixel이 semantic label을 갖는 건 아님 5
  • 6. Panoptic Segmentation • Format • Stuff and thing labels • Semantic label set은 subset ℒ 𝑆𝑡와 ℒ 𝑇ℎ로 구성 • ℒ = ℒ 𝑆𝑡 ∪ ℒ 𝑇ℎ , ℒ 𝑆𝑡 ∩ ℒ 𝑇ℎ = ∅ • Pixel이 𝑙𝑖 ∈ ℒ 𝑆𝑡 로 레이블 될 때, 𝑧𝑖는 관계 없음 → 모든 stuff classes는 같은 instance를 갖기 때문 (e.g., the same sky) • 모든 pixel이 같은 𝒍𝒊, 𝒛𝒊 일 때 (𝑙𝑖 ∈ ℒ 𝑇ℎ), 같은 instance에 속함 (e.g., the same car) • Single instance에 속하는 경우 같은 𝒍𝒊, 𝒛𝒊 을 가짐 6
  • 7. Panoptic Segmentation • Format • Relationship to semantic segmentation • Panoptic segmentation은 semantic segmentation의 strict generalization • 각 pixel에 semantic label을 할당하는 것은 동일, thing class가 들어가는 순간 달라짐 • Relationship to instance segmentation • Instance segmentation은 overlapping segment 발생 → Panoptic segmentation은 각 pixel에 semantic label과 instance id 하나씩 할당 → Overlapping 발생 X 7
  • 8. Panoptic Segmentation • Metric • 기존 방법들은 semantic or instance segmentation에 특화 → stuff와 thing을 동시에 측정 불가 • Stuff와 thing을 동시에 측정할 수 있는 metric 제시 • Completeness : Treat stuff and thing classes in a uniform way • Interpretability : A metric with identifiable meaning • Simplicity : Simple to define and implement → Panoptic Quality (PQ) 8
  • 9. Panoptic Segmentation • Metric • Segment Matching • 𝐼𝑜𝑈 𝑝𝑖, 𝑔 = |𝑝 𝑖∩𝑔| |𝑝 𝑖∪𝑔| ≤ 𝑝 𝑖∩𝑔 𝑔 𝑓𝑜𝑟 𝑖 ∈ 1, 2 • 𝑝1 ∩ 𝑝2 = ∅, |𝑝𝑖 ∪ 𝑔| ≥ |𝑔| • 𝐼𝑜𝑈 𝑝1, 𝑔 + 𝐼𝑜𝑈 𝑝2, 𝑔 ≤ 𝑝1∩𝑔 + 𝑝2∩𝑔 𝑔 ≤ 1 • 𝑝1 ∩ 𝑔 + 𝑝2 ∩ 𝑔 ≤ g • Simple and Interpretable! 9
  • 10. Panoptic Segmentation • Metric • PQ Computation • Class별로 PQ 계산 후 평균 → class imbalance에 insensitive하게 만듬 • 𝑷𝑸 = σ 𝒑,𝒈 ∈𝑻𝑷 𝑰𝒐𝑼(𝒑,𝒈) 𝑻𝑷 + 𝟏 𝟐 𝑭𝑷 + 𝟏 𝟐 𝑭𝑵 • 1 |𝑇𝑃| σ 𝑝,𝑔 ∈𝑇𝑃 𝐼𝑜𝑈(𝑝, 𝑔) : the average 𝐼𝑜𝑈 of matched segments • 1 2 𝐹𝑃 + 1 2 𝐹𝑁 : to penalize segments without matches • All segments receive equal importance regardless of their area! 10
  • 11. Panoptic Segmentation • Metric • PQ Computation • 𝑷𝑸 = σ 𝒑,𝒈 ∈𝑻𝑷 𝑰𝒐𝑼(𝒑,𝒈) 𝑻𝑷 + 𝟏 𝟐 𝑭𝑷 + 𝟏 𝟐 𝑭𝑵 = σ 𝒑,𝒈 ∈𝑻𝑷 𝑰𝒐𝑼(𝒑,𝒈) 𝑻𝑷 × |𝑻𝑷| 𝑻𝑷 + 𝟏 𝟐 𝑭𝑷 + 𝟏 𝟐 𝑭𝑵 (𝑺𝑸 × 𝑹𝑸) • σ 𝑝,𝑔 ∈𝑇𝑃 𝐼𝑜𝑈(𝑝,𝑔) 𝑇𝑃 : segmentation quality (SQ)  the average 𝐼𝑜𝑈 of matched segments • |𝑇𝑃| 𝑇𝑃 + 1 2 𝐹𝑃 + 1 2 𝐹𝑁 : recognition quality (RQ)  𝐹1 score과 흡사 11
  • 12. Panoptic Segmentation • Metric • PQ Computation • Void labels in the ground truth • Out of class pixels / ambiguous or unknown pixels → 평가하지 않음 • Ground truth에서 void labels인 pixel들은 제외하고 𝐼𝑜𝑈 계산 • Void pixel의 일부가 포함된 unmatched predicted segments는 제거 & FP로 처리X • Group labels • Cityscapes, COCO는 instance id 대신 group label을 사용 • Matching 중에는 group region 사용 X • Matching 이후, matching threshold를 넘는 same class의 일부를 포함하는 12
  • 13. Panoptic Segmentation • Metric • Comparison to Existing Metrics • Semantic segmentation metrics • 𝐼𝑜𝑈 → pixel output/labels 기반 계산 & object-level labels 무시 • Instance segmentation metrics • Average Precision : Confidence score 필요 → semantic segmentation에 적합하지 않음 • Panoptic quality • Treat all classes (stuff and things) in a uniform way • SQ, RQ로 decomposing 할 수 있지만, PQ가 semantic과 instance의 metric은 아님 → 오히려 SQ와 RQ가 각각 semantic과 instance의 metric 13
  • 14. Panoptic Segmentation • Datasets • Cityscapes • 5000 images (2975 / 500 / 1525) • 19 classes among which 8 have instance-level • ADE20k • 25k images (20k / 2k / 3k) • 100 thing and 50 stuff classes in the 2017 Places Challenge • Mapillary Vistas • 25k street-view images (18k / 2k / 5k) • 28 stuff and 37 thing classes in ‘research edition’ 14
  • 15. Human Consistency Study • Human annotation • 하나를 ground truth, 다른 하나를 prediction으로 설정 후 PQ 측정 • Human consistency 15
  • 16. Human Consistency Study • Stuff 𝒗𝒔. Things • 모든 stuff and things classes가 고르게 분포 • Small 𝒗𝒔. large objects • Small 25% | middle 50% | largest 25% 16
  • 17. Human Consistency Study • 𝑰𝒐𝑼 threshold • SQ 𝒗𝒔. RQ balance • 𝑅𝑄 𝛼 = |𝑇𝑃| 𝑇𝑃 +𝛼 𝐹𝑃 +𝛼|𝐹𝑁| (default 𝛼 = 0.5) • default 𝛼 가 SQ와 RQ 사이에 균형을 맞춰 줌 • 상황에 따라 변경해주면 될 듯 17
  • 18. Machine Performance Baseline • 세 가지 관점 • How do heuristic combinations of top-performing instance and semantic segmentation systems perform on panoptic segmentation? • How does PQ compare to existing metrics like 𝐴𝑃 and 𝐼𝑜𝑈? • How do the machine results compare to the human results that we presented previously? 18
  • 19. Machine Performance Baseline • Algorithms and data • 각 dataset에서 algorithm output을 얻음 • Cityscapes : masks generated by PSPNet and Mask R-CNN • ADE20k : the winners of both the semantic and instance seg. in the 2017 Places Challenge • Vistas : 주최측으로 부터 1k testset에 대한 semantic & instance seg. 결과를 제공받음 19
  • 20. Machine Performance Baseline • Instance segmentation • Overlapping segment를 얻음 → 해결 • Confidence score 순으로 sorting → 낮은 score는 제거 • 가장 confident한 것부터 시작해서 반복 • Remove pixels which have been assigned to previous segments • Segment의 충분한 부분이 남아있으면 non-overlapping, 그렇지 않으면 전체 segment 제거 20
  • 21. Machine Performance Baseline • Semantic segmentation • No overlapping → 바로 PQ 계산 가능 • Multi-scale : skip connection (?) 21
  • 22. Machine Performance Baseline • Panoptic segmentation • Instance + Semantic for resolving any overlap between thing and stuff 22
  • 23. Machine Performance Baseline • Human 𝒗𝒔. machine panoptic segmentation 23
  • 24. Future of Panoptic Segmentation • Stuff와 thing을 동시에 설명하는 end-to-end model • Instance segmentation에서 non-overlapping을 위한 실험들이 진행됨 • Some form of higher-level ‘reasoning’ may be beneficial • Extend learnable NMS to PS 24
  • 25. Future of Panoptic Segmentation • Stuff와 thing을 동시에 설명하는 end-to-end model • Instance segmentation에서 non-overlapping을 위한 실험들이 진행됨 • Some form of higher-level ‘reasoning’ may be beneficial • Extend learnable NMS to PS 25
  • 26. UPSNet (in CVPR 2019) 26
  • 27. 감 사 합 니 다 27