SlideShare uma empresa Scribd logo
1 de 24
Object Detection & Instance Segmentation
Toshinori Hanya
Contents
• Object Detection
• Task에 대하여
• R-CNN
• Faster R-CNN
• Region Proposal Networkのしくみ
• SSD: Single Shot Multibox Detector
• Instance Segmentation
• Task에 대하여
• End-to-End Instance Segmentation and Counting with Recurrent
Attention
2
일반 물체 인식 분야에서의 Deep Learning
• 정지 분류 작업은 CNN에 의한 특징량 추출 및 학습을 통해 발전
• 보다 고 난이도의 작업인 물체 감지, 물체 영역 추출로 발전
Classification Object Detection Semantic
Segmentation
Instance
Segmentation
Plants
http://www.nlab.ci.i.u-tokyo.ac.jp/pdf/CNN_survey.pdf
http://host.robots.ox.ac.uk/pascal/VOC/voc2012/segexamples/index.html
Plants
Plants Plants
고난이도
3
Object Detection
소개 논문:
SSD: Single Shot MultiBox Detector
Object Detection
• 이미지 속의 여러 물체를 빠짐없이/중복없이 검출하는 것이 목적
• 물체의 검출정확도(Precision)와 빠짐없이 검출 할 수 있는지의 지표인 적합율
(Recall)의 관계 (Precision-recall curve)에서 산출한 Average Precision (AP)가 주요 지표.
• 실제 문제에 응용이 기대되고 AP 외에 예측시의 계산 시간도 중요하여, 실시간
성이 요구되고있다.
http://host.robots.ox.ac.uk/pascal/VOC/voc2007/
Precision
Recall1
1
면적= AP
5
주요모델(1): Regions with CNN
• R-CNN (Regions with CNN)
• 물체 영역 후보의 생성에 Selective Search (SS) 등의 방법을 이용
• 생성한 영역을 이미지 분류를 위한 CNN에 입력하여 각 영역에 무엇이 담겨
있는지 (또는 배경인가)을 분류한다.
• Recall을 확보하기 위해서는 영역 후보가 2,000 정도 필요하며, 전체를 CNN에
입력하고 계산하는데, 상당한 시간이 걸림
• 또한 다단계의 학습이 필요하므로 복잡
R-CNN: http://arxiv.org/abs/1311.2524 6
주요모델(2): Faster R-CNN
• Faster R-CNN
• 특징 추출 부분을 공통화(이것은 Fast R-CNN에서 제안 된 방법)
• 특징 맵을 입력하여 물체 영역 후보를 생성하는 Region Proposal Network를 제안
• 300개 정도의 공간 후보로 충분한 정확도가 확보 가능
• 1 장당 0.2 ~ 0.3 초에 처리 가능
Region Proposal Net
(RPN)
CNN
(특징추출)
Classifier
물체 영역후보를 생성
(~300개 정도)
각 영역후보에 해당하는
물체를 분류
Faster R-CNN: http://arxiv.org/abs/1506.014977
Region Proposal Network
• 특징 맵에 Anchor를 정의 (방안지에 비유하여 각 질량의 중심 이미지)
• 각 Anchor당 k 개의 Anchor Box를 정의 (Scale과 Aspect ratio의 조합)
• 각 Anchor Box마다 물체 유사성 점수와 위치 · 크기의 수정 사항을 예측하도록 훈련
Faster R-CNN: http://arxiv.org/abs/1506.01497
이미지
특징
맵
CNN
(특징추출)
・・・
Scale Aspect ratio
×
각 Anchor당 k개의 Box
(예: k = 3 × 3)
2k scores
(물체 또는 배경)
4k coordinates
(x, y, w, h의
수정항)
H x W x 3 H/16 x W/16 x 3
8
SSD: Single Shot Multibox Detector
Region Proposal Net
(RPN)
CNN
(특징추출)
Classifier
① 물체 영역후보를 생성
(물체 유사성 점수)
② 각 클래스로
분류
CNN
(특징추출)
Region
Proposal
+
Classifier
물체 영역후보를 생성
(클래스 별 점수)SSD
Faster
R-CNN
• Faster RCNN보다 빠르고 정확도도 좋은 모델
• 입력 이미지 크기가 작은 모델(정밀도는 적당히)는 58FPS를 달성
• Faster에서 ① 영역 후보 생성 ② 각 영역 특징 벡터를 잘라 분류하는, 2 단계로
수행되던 작업을 한번에 처리
• 깊이가 다른 복수의 특징 맵을 사용. 얕은 쪽은 작은 물체를 깊은 쪽은 큰 물체를 감지
SSD: http://arxiv.org/abs/1512.02325
9
SSD: Single Shot Multibox Detector
• Faster RCNN보다 빠르고 정확도도 좋은 모델
• 입력 이미지 크기가 작은 모델(정밀도는 적당히)는 58FPS를 달성
• Faster에서 ① 영역 후보 생성 ② 각 영역 특징 벡터를 잘라 분류하는, 2 단계로
수행되던 작업을 한번에 처리
• 깊이가 다른 복수의 특징 맵을 사용. 얕은 쪽은 작은 물체를 깊은 쪽은 큰 물체를
감지 (깊이에 따라 기본 Box 크기가 바뀜)
얕은 쪽 특징맵에서는
작은 물체를 검출
깊은 쪽 특징맵에서는
큰 물체를 검출
SSD: http://arxiv.org/abs/1512.02325
10
SSD: Single Shot Multibox Detector
• Pascal VOC 2007의 Detection 결과
• 입력 이미지 크기가 300x300 모델(SSD300)에서는 58FPS를 달성하고、
mean AP도 70%를 초과
• 입력 이미지 크기가 500x500 모델(SSD500)에서는 Faster R-CNN보다
정확하면서도 처리 속도도 빠름
SSD: http://arxiv.org/abs/1512.02325
11
Instance Segmentation
소개논문:
End-to-End Instance Segmentation and Counting with
Recurrent Attention
Instance Segmentation
• 영역분활(Segmentation)
• 픽셀마다의 label을 예측
• 형상이나 면적등의 정보를 얻을 수 있어서 응용분야가 많고 활발히 연구중
• Task 분류
• Semantic Segmentation
• 각 필셀에 클라스의 라벨을 붙이는 문제
• 병이 4개인 경우에도 모두 [병 class]의 라벨을 붙임
• Instance Segmentation
• 개개 물체마다 별도 레벨을 붙이는 문제
• 병이 4개인 경우, 별도의 라벨을 붙임
(b) Instance ~ (a) Semantic ~Raw Image
http://host.robots.ox.ac.uk/pascal/VOC/voc2012/segexamples/index.html 13
잎은 몇 개일까요 ?
http://juser.fz-juelich.de/record/154525/files/FZJ-2014-03837.pdf 14
어떻게 셀까요 ?
http://juser.fz-juelich.de/record/154525/files/FZJ-2014-03837.pdf
• 시선을 옮기며 한장한장 주목하면서
• 한번 본 것은 기억해 놓는 느낌으로 세면 되지 않을까 ?
15
End-to-End Instance Segmentation and
Counting with Recurrent Attention
• Instance Segmentation용 뉴럴 넷
• 스텝마다 1개의 물체를 주목하여 영역을 분활
• 한번 본 영역은 기억해 놓고
(인간이 세는 방법을 참고)
End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410
16
End-to-End Instance Segmentation and
Counting with Recurrent Attention
End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410
• 모델의 전체 형상 :
17
End-to-End Instance Segmentation and
Counting with Recurrent Attention
End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410
한번 본 영역을 기억해놓는 부품
18
End-to-End Instance Segmentation and
Counting with Recurrent Attention
End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410
어디에 주목할까를 결정
19
End-to-End Instance Segmentation and
Counting with Recurrent Attention
End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410
주목한 영역의 Segmentation을 실행
20
End-to-End Instance Segmentation and
Counting with Recurrent Attention
End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410
물체가 발견되었는지 판정을 실행
(점수가 0.5이하가 되면 종료)
21
End-to-End Instance Segmentation and
Counting with Recurrent Attention
End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410
한번 본 부분은 기억
(이하 반복)
22
End-to-End Instance Segmentation and
Counting with Recurrent Attention
End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410
• 결과(1) 잎의 영역분활
23
End-to-End Instance Segmentation and
Counting with Recurrent Attention
End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410
• 결과(2) 차량의 영역분활
24

Mais conteúdo relacionado

Mais procurados

Survey of activation functions
Survey of activation functionsSurvey of activation functions
Survey of activation functions창기 문
 
(Paper Review)Kernel predicting-convolutional-networks-for-denoising-monte-ca...
(Paper Review)Kernel predicting-convolutional-networks-for-denoising-monte-ca...(Paper Review)Kernel predicting-convolutional-networks-for-denoising-monte-ca...
(Paper Review)Kernel predicting-convolutional-networks-for-denoising-monte-ca...MYEONGGYU LEE
 
제 8회 BOAZ 빅데이터 컨퍼런스 -04 YOLO WOW (You Only Look Once at What yOu Want)
제 8회 BOAZ 빅데이터 컨퍼런스 -04 YOLO WOW (You Only Look Once at What yOu Want)제 8회 BOAZ 빅데이터 컨퍼런스 -04 YOLO WOW (You Only Look Once at What yOu Want)
제 8회 BOAZ 빅데이터 컨퍼런스 -04 YOLO WOW (You Only Look Once at What yOu Want)BOAZ Bigdata
 
Deep Learning & Convolutional Neural Network
Deep Learning & Convolutional Neural NetworkDeep Learning & Convolutional Neural Network
Deep Learning & Convolutional Neural Networkagdatalab
 
Recurrent Neural Net의 이론과 설명
Recurrent Neural Net의 이론과 설명Recurrent Neural Net의 이론과 설명
Recurrent Neural Net의 이론과 설명홍배 김
 
FCN to DeepLab.v3+
FCN to DeepLab.v3+FCN to DeepLab.v3+
FCN to DeepLab.v3+Whi Kwon
 
Anomaly Detection with GANs
Anomaly Detection with GANsAnomaly Detection with GANs
Anomaly Detection with GANs홍배 김
 
Deep learning seminar_snu_161031
Deep learning seminar_snu_161031Deep learning seminar_snu_161031
Deep learning seminar_snu_161031Jinwon Lee
 
Yolo v2 urop 발표자료
Yolo v2 urop 발표자료Yolo v2 urop 발표자료
Yolo v2 urop 발표자료DaeHeeKim31
 
Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...
Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...
Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...Mad Scientists
 
Deep neural networks cnn rnn_ae_some practical techniques
Deep neural networks cnn rnn_ae_some practical techniquesDeep neural networks cnn rnn_ae_some practical techniques
Deep neural networks cnn rnn_ae_some practical techniquesKang Pilsung
 
Focal loss의 응용(Detection & Classification)
Focal loss의 응용(Detection & Classification)Focal loss의 응용(Detection & Classification)
Focal loss의 응용(Detection & Classification)홍배 김
 
Unsupervised anomaly detection with generative model
Unsupervised anomaly detection with generative modelUnsupervised anomaly detection with generative model
Unsupervised anomaly detection with generative modelTaeKang Woo
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural networkrlawjdgns
 
deep encoder, shallow decoder reevaluating non-autoregressive machine transl...
deep encoder, shallow decoder  reevaluating non-autoregressive machine transl...deep encoder, shallow decoder  reevaluating non-autoregressive machine transl...
deep encoder, shallow decoder reevaluating non-autoregressive machine transl...taeseon ryu
 
Simple Review of Single Image Super Resolution Task
Simple Review of Single Image Super Resolution TaskSimple Review of Single Image Super Resolution Task
Simple Review of Single Image Super Resolution TaskMYEONGGYU LEE
 

Mais procurados (18)

Survey of activation functions
Survey of activation functionsSurvey of activation functions
Survey of activation functions
 
(Paper Review)Kernel predicting-convolutional-networks-for-denoising-monte-ca...
(Paper Review)Kernel predicting-convolutional-networks-for-denoising-monte-ca...(Paper Review)Kernel predicting-convolutional-networks-for-denoising-monte-ca...
(Paper Review)Kernel predicting-convolutional-networks-for-denoising-monte-ca...
 
제 8회 BOAZ 빅데이터 컨퍼런스 -04 YOLO WOW (You Only Look Once at What yOu Want)
제 8회 BOAZ 빅데이터 컨퍼런스 -04 YOLO WOW (You Only Look Once at What yOu Want)제 8회 BOAZ 빅데이터 컨퍼런스 -04 YOLO WOW (You Only Look Once at What yOu Want)
제 8회 BOAZ 빅데이터 컨퍼런스 -04 YOLO WOW (You Only Look Once at What yOu Want)
 
Deep Learning & Convolutional Neural Network
Deep Learning & Convolutional Neural NetworkDeep Learning & Convolutional Neural Network
Deep Learning & Convolutional Neural Network
 
Recurrent Neural Net의 이론과 설명
Recurrent Neural Net의 이론과 설명Recurrent Neural Net의 이론과 설명
Recurrent Neural Net의 이론과 설명
 
FCN to DeepLab.v3+
FCN to DeepLab.v3+FCN to DeepLab.v3+
FCN to DeepLab.v3+
 
Anomaly Detection with GANs
Anomaly Detection with GANsAnomaly Detection with GANs
Anomaly Detection with GANs
 
Deep learning seminar_snu_161031
Deep learning seminar_snu_161031Deep learning seminar_snu_161031
Deep learning seminar_snu_161031
 
Yolo v2 urop 발표자료
Yolo v2 urop 발표자료Yolo v2 urop 발표자료
Yolo v2 urop 발표자료
 
Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...
Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...
Face Feature Recognition System with Deep Belief Networks, for Korean/KIISE T...
 
Deep neural networks cnn rnn_ae_some practical techniques
Deep neural networks cnn rnn_ae_some practical techniquesDeep neural networks cnn rnn_ae_some practical techniques
Deep neural networks cnn rnn_ae_some practical techniques
 
Focal loss의 응용(Detection & Classification)
Focal loss의 응용(Detection & Classification)Focal loss의 응용(Detection & Classification)
Focal loss의 응용(Detection & Classification)
 
YOLO
YOLOYOLO
YOLO
 
Unsupervised anomaly detection with generative model
Unsupervised anomaly detection with generative modelUnsupervised anomaly detection with generative model
Unsupervised anomaly detection with generative model
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
deep encoder, shallow decoder reevaluating non-autoregressive machine transl...
deep encoder, shallow decoder  reevaluating non-autoregressive machine transl...deep encoder, shallow decoder  reevaluating non-autoregressive machine transl...
deep encoder, shallow decoder reevaluating non-autoregressive machine transl...
 
Les net
Les netLes net
Les net
 
Simple Review of Single Image Super Resolution Task
Simple Review of Single Image Super Resolution TaskSimple Review of Single Image Super Resolution Task
Simple Review of Single Image Super Resolution Task
 

Destaque

Q Learning과 CNN을 이용한 Object Localization
Q Learning과 CNN을 이용한 Object LocalizationQ Learning과 CNN을 이용한 Object Localization
Q Learning과 CNN을 이용한 Object Localization홍배 김
 
Learning to remember rare events
Learning to remember rare eventsLearning to remember rare events
Learning to remember rare events홍배 김
 
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...홍배 김
 
Knowing when to look : Adaptive Attention via A Visual Sentinel for Image Cap...
Knowing when to look : Adaptive Attention via A Visual Sentinel for Image Cap...Knowing when to look : Adaptive Attention via A Visual Sentinel for Image Cap...
Knowing when to look : Adaptive Attention via A Visual Sentinel for Image Cap...홍배 김
 
Visualizing data using t-SNE
Visualizing data using t-SNEVisualizing data using t-SNE
Visualizing data using t-SNE홍배 김
 
MNIST for ML beginners
MNIST for ML beginnersMNIST for ML beginners
MNIST for ML beginners홍배 김
 
Meta-Learning with Memory Augmented Neural Networks
Meta-Learning with Memory Augmented Neural NetworksMeta-Learning with Memory Augmented Neural Networks
Meta-Learning with Memory Augmented Neural Networks홍배 김
 
Binarized CNN on FPGA
Binarized CNN on FPGABinarized CNN on FPGA
Binarized CNN on FPGA홍배 김
 
Convolution 종류 설명
Convolution 종류 설명Convolution 종류 설명
Convolution 종류 설명홍배 김
 
Explanation on Tensorflow example -Deep mnist for expert
Explanation on Tensorflow example -Deep mnist for expertExplanation on Tensorflow example -Deep mnist for expert
Explanation on Tensorflow example -Deep mnist for expert홍배 김
 
Learning by association
Learning by associationLearning by association
Learning by association홍배 김
 
알기쉬운 Variational autoencoder
알기쉬운 Variational autoencoder알기쉬운 Variational autoencoder
알기쉬운 Variational autoencoder홍배 김
 
Normalization 방법
Normalization 방법 Normalization 방법
Normalization 방법 홍배 김
 
A neural image caption generator
A neural image caption generatorA neural image caption generator
A neural image caption generator홍배 김
 
머신러닝의 자연어 처리기술(I)
머신러닝의 자연어 처리기술(I)머신러닝의 자연어 처리기술(I)
머신러닝의 자연어 처리기술(I)홍배 김
 
딥러닝을 이용한 자연어처리의 연구동향
딥러닝을 이용한 자연어처리의 연구동향딥러닝을 이용한 자연어처리의 연구동향
딥러닝을 이용한 자연어처리의 연구동향홍배 김
 
인공지능, 기계학습 그리고 딥러닝
인공지능, 기계학습 그리고 딥러닝인공지능, 기계학습 그리고 딥러닝
인공지능, 기계학습 그리고 딥러닝Jinwon Lee
 

Destaque (19)

Recurrent Instance Segmentation (UPC Reading Group)
Recurrent Instance Segmentation (UPC Reading Group)Recurrent Instance Segmentation (UPC Reading Group)
Recurrent Instance Segmentation (UPC Reading Group)
 
SSD: Single Shot MultiBox Detector (UPC Reading Group)
SSD: Single Shot MultiBox Detector (UPC Reading Group)SSD: Single Shot MultiBox Detector (UPC Reading Group)
SSD: Single Shot MultiBox Detector (UPC Reading Group)
 
Q Learning과 CNN을 이용한 Object Localization
Q Learning과 CNN을 이용한 Object LocalizationQ Learning과 CNN을 이용한 Object Localization
Q Learning과 CNN을 이용한 Object Localization
 
Learning to remember rare events
Learning to remember rare eventsLearning to remember rare events
Learning to remember rare events
 
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
 
Knowing when to look : Adaptive Attention via A Visual Sentinel for Image Cap...
Knowing when to look : Adaptive Attention via A Visual Sentinel for Image Cap...Knowing when to look : Adaptive Attention via A Visual Sentinel for Image Cap...
Knowing when to look : Adaptive Attention via A Visual Sentinel for Image Cap...
 
Visualizing data using t-SNE
Visualizing data using t-SNEVisualizing data using t-SNE
Visualizing data using t-SNE
 
MNIST for ML beginners
MNIST for ML beginnersMNIST for ML beginners
MNIST for ML beginners
 
Meta-Learning with Memory Augmented Neural Networks
Meta-Learning with Memory Augmented Neural NetworksMeta-Learning with Memory Augmented Neural Networks
Meta-Learning with Memory Augmented Neural Networks
 
Binarized CNN on FPGA
Binarized CNN on FPGABinarized CNN on FPGA
Binarized CNN on FPGA
 
Convolution 종류 설명
Convolution 종류 설명Convolution 종류 설명
Convolution 종류 설명
 
Explanation on Tensorflow example -Deep mnist for expert
Explanation on Tensorflow example -Deep mnist for expertExplanation on Tensorflow example -Deep mnist for expert
Explanation on Tensorflow example -Deep mnist for expert
 
Learning by association
Learning by associationLearning by association
Learning by association
 
알기쉬운 Variational autoencoder
알기쉬운 Variational autoencoder알기쉬운 Variational autoencoder
알기쉬운 Variational autoencoder
 
Normalization 방법
Normalization 방법 Normalization 방법
Normalization 방법
 
A neural image caption generator
A neural image caption generatorA neural image caption generator
A neural image caption generator
 
머신러닝의 자연어 처리기술(I)
머신러닝의 자연어 처리기술(I)머신러닝의 자연어 처리기술(I)
머신러닝의 자연어 처리기술(I)
 
딥러닝을 이용한 자연어처리의 연구동향
딥러닝을 이용한 자연어처리의 연구동향딥러닝을 이용한 자연어처리의 연구동향
딥러닝을 이용한 자연어처리의 연구동향
 
인공지능, 기계학습 그리고 딥러닝
인공지능, 기계학습 그리고 딥러닝인공지능, 기계학습 그리고 딥러닝
인공지능, 기계학습 그리고 딥러닝
 

Semelhante a Single Shot MultiBox Detector와 Recurrent Instance Segmentation

Summary in recent advances in deep learning for object detection
Summary in recent advances in deep learning for object detectionSummary in recent advances in deep learning for object detection
Summary in recent advances in deep learning for object detection창기 문
 
소프트웨어 2.0을 활용한 게임 어뷰징 검출
소프트웨어 2.0을 활용한 게임 어뷰징 검출소프트웨어 2.0을 활용한 게임 어뷰징 검출
소프트웨어 2.0을 활용한 게임 어뷰징 검출정주 김
 
ICIP 2018 REVIEW
ICIP 2018 REVIEWICIP 2018 REVIEW
ICIP 2018 REVIEWSungMan Cho
 
[14.10.21] Far Cry and DX9 번역(shaderstudy)
[14.10.21] Far Cry and DX9 번역(shaderstudy)[14.10.21] Far Cry and DX9 번역(shaderstudy)
[14.10.21] Far Cry and DX9 번역(shaderstudy)해강
 
Image Deep Learning 실무적용
Image Deep Learning 실무적용Image Deep Learning 실무적용
Image Deep Learning 실무적용Youngjae Kim
 
DeepWalk: Online Learning of Social Representations
DeepWalk: Online Learning of Social RepresentationsDeepWalk: Online Learning of Social Representations
DeepWalk: Online Learning of Social RepresentationsSOYEON KIM
 
[215]네이버콘텐츠통계서비스소개 김기영
[215]네이버콘텐츠통계서비스소개 김기영[215]네이버콘텐츠통계서비스소개 김기영
[215]네이버콘텐츠통계서비스소개 김기영NAVER D2
 
[Unite2015 박민근] 유니티 최적화 테크닉 총정리
[Unite2015 박민근] 유니티 최적화 테크닉 총정리[Unite2015 박민근] 유니티 최적화 테크닉 총정리
[Unite2015 박민근] 유니티 최적화 테크닉 총정리MinGeun Park
 
자바 직렬화 (Java serialization)
자바 직렬화 (Java serialization)자바 직렬화 (Java serialization)
자바 직렬화 (Java serialization)중선 곽
 
[226]대용량 텍스트마이닝 기술 하정우
[226]대용량 텍스트마이닝 기술 하정우[226]대용량 텍스트마이닝 기술 하정우
[226]대용량 텍스트마이닝 기술 하정우NAVER D2
 
[NEXT] Nextgram Refactoring
[NEXT] Nextgram Refactoring[NEXT] Nextgram Refactoring
[NEXT] Nextgram RefactoringYoungSu Son
 
Attention is all you need
Attention is all you needAttention is all you need
Attention is all you needHoon Heo
 
리소스 중심의 서든어택2 실시간 메모리 프로파일링 시스템 개발기
리소스 중심의 서든어택2 실시간 메모리 프로파일링 시스템 개발기리소스 중심의 서든어택2 실시간 메모리 프로파일링 시스템 개발기
리소스 중심의 서든어택2 실시간 메모리 프로파일링 시스템 개발기Wonha Ryu
 
[Kgc2013] 모바일 엔진 개발기
[Kgc2013] 모바일 엔진 개발기[Kgc2013] 모바일 엔진 개발기
[Kgc2013] 모바일 엔진 개발기changehee lee
 
[한국어] Neural Architecture Search with Reinforcement Learning
[한국어] Neural Architecture Search with Reinforcement Learning[한국어] Neural Architecture Search with Reinforcement Learning
[한국어] Neural Architecture Search with Reinforcement LearningKiho Suh
 
전형규, Vertex Post-Processing Framework, NDC2011
전형규, Vertex Post-Processing Framework, NDC2011전형규, Vertex Post-Processing Framework, NDC2011
전형규, Vertex Post-Processing Framework, NDC2011devCAT Studio, NEXON
 
[데브루키/141206 박민근] 유니티 최적화 테크닉 총정리
[데브루키/141206 박민근] 유니티 최적화 테크닉 총정리[데브루키/141206 박민근] 유니티 최적화 테크닉 총정리
[데브루키/141206 박민근] 유니티 최적화 테크닉 총정리MinGeun Park
 
실전프로젝트 정서경 양현찬
실전프로젝트 정서경 양현찬실전프로젝트 정서경 양현찬
실전프로젝트 정서경 양현찬현찬 양
 

Semelhante a Single Shot MultiBox Detector와 Recurrent Instance Segmentation (20)

Feature Pyramid Network, FPN
Feature Pyramid Network, FPNFeature Pyramid Network, FPN
Feature Pyramid Network, FPN
 
Summary in recent advances in deep learning for object detection
Summary in recent advances in deep learning for object detectionSummary in recent advances in deep learning for object detection
Summary in recent advances in deep learning for object detection
 
소프트웨어 2.0을 활용한 게임 어뷰징 검출
소프트웨어 2.0을 활용한 게임 어뷰징 검출소프트웨어 2.0을 활용한 게임 어뷰징 검출
소프트웨어 2.0을 활용한 게임 어뷰징 검출
 
ICIP 2018 REVIEW
ICIP 2018 REVIEWICIP 2018 REVIEW
ICIP 2018 REVIEW
 
[14.10.21] Far Cry and DX9 번역(shaderstudy)
[14.10.21] Far Cry and DX9 번역(shaderstudy)[14.10.21] Far Cry and DX9 번역(shaderstudy)
[14.10.21] Far Cry and DX9 번역(shaderstudy)
 
Image Deep Learning 실무적용
Image Deep Learning 실무적용Image Deep Learning 실무적용
Image Deep Learning 실무적용
 
DeepWalk: Online Learning of Social Representations
DeepWalk: Online Learning of Social RepresentationsDeepWalk: Online Learning of Social Representations
DeepWalk: Online Learning of Social Representations
 
[215]네이버콘텐츠통계서비스소개 김기영
[215]네이버콘텐츠통계서비스소개 김기영[215]네이버콘텐츠통계서비스소개 김기영
[215]네이버콘텐츠통계서비스소개 김기영
 
[Unite2015 박민근] 유니티 최적화 테크닉 총정리
[Unite2015 박민근] 유니티 최적화 테크닉 총정리[Unite2015 박민근] 유니티 최적화 테크닉 총정리
[Unite2015 박민근] 유니티 최적화 테크닉 총정리
 
자바 직렬화 (Java serialization)
자바 직렬화 (Java serialization)자바 직렬화 (Java serialization)
자바 직렬화 (Java serialization)
 
파이썬을 활용한 자연어 분석
파이썬을 활용한 자연어 분석파이썬을 활용한 자연어 분석
파이썬을 활용한 자연어 분석
 
[226]대용량 텍스트마이닝 기술 하정우
[226]대용량 텍스트마이닝 기술 하정우[226]대용량 텍스트마이닝 기술 하정우
[226]대용량 텍스트마이닝 기술 하정우
 
[NEXT] Nextgram Refactoring
[NEXT] Nextgram Refactoring[NEXT] Nextgram Refactoring
[NEXT] Nextgram Refactoring
 
Attention is all you need
Attention is all you needAttention is all you need
Attention is all you need
 
리소스 중심의 서든어택2 실시간 메모리 프로파일링 시스템 개발기
리소스 중심의 서든어택2 실시간 메모리 프로파일링 시스템 개발기리소스 중심의 서든어택2 실시간 메모리 프로파일링 시스템 개발기
리소스 중심의 서든어택2 실시간 메모리 프로파일링 시스템 개발기
 
[Kgc2013] 모바일 엔진 개발기
[Kgc2013] 모바일 엔진 개발기[Kgc2013] 모바일 엔진 개발기
[Kgc2013] 모바일 엔진 개발기
 
[한국어] Neural Architecture Search with Reinforcement Learning
[한국어] Neural Architecture Search with Reinforcement Learning[한국어] Neural Architecture Search with Reinforcement Learning
[한국어] Neural Architecture Search with Reinforcement Learning
 
전형규, Vertex Post-Processing Framework, NDC2011
전형규, Vertex Post-Processing Framework, NDC2011전형규, Vertex Post-Processing Framework, NDC2011
전형규, Vertex Post-Processing Framework, NDC2011
 
[데브루키/141206 박민근] 유니티 최적화 테크닉 총정리
[데브루키/141206 박민근] 유니티 최적화 테크닉 총정리[데브루키/141206 박민근] 유니티 최적화 테크닉 총정리
[데브루키/141206 박민근] 유니티 최적화 테크닉 총정리
 
실전프로젝트 정서경 양현찬
실전프로젝트 정서경 양현찬실전프로젝트 정서경 양현찬
실전프로젝트 정서경 양현찬
 

Mais de 홍배 김

Automatic Gain Tuning based on Gaussian Process Global Optimization (= Bayesi...
Automatic Gain Tuning based on Gaussian Process Global Optimization (= Bayesi...Automatic Gain Tuning based on Gaussian Process Global Optimization (= Bayesi...
Automatic Gain Tuning based on Gaussian Process Global Optimization (= Bayesi...홍배 김
 
Gaussian processing
Gaussian processingGaussian processing
Gaussian processing홍배 김
 
Lecture Summary : Camera Projection
Lecture Summary : Camera Projection Lecture Summary : Camera Projection
Lecture Summary : Camera Projection 홍배 김
 
Learning agile and dynamic motor skills for legged robots
Learning agile and dynamic motor skills for legged robotsLearning agile and dynamic motor skills for legged robots
Learning agile and dynamic motor skills for legged robots홍배 김
 
Robotics of Quadruped Robot
Robotics of Quadruped RobotRobotics of Quadruped Robot
Robotics of Quadruped Robot홍배 김
 
Basics of Robotics
Basics of RoboticsBasics of Robotics
Basics of Robotics홍배 김
 
Convolutional neural networks 이론과 응용
Convolutional neural networks 이론과 응용Convolutional neural networks 이론과 응용
Convolutional neural networks 이론과 응용홍배 김
 
Anomaly detection using deep one class classifier
Anomaly detection using deep one class classifierAnomaly detection using deep one class classifier
Anomaly detection using deep one class classifier홍배 김
 
Optimal real-time landing using DNN
Optimal real-time landing using DNNOptimal real-time landing using DNN
Optimal real-time landing using DNN홍배 김
 
The world of loss function
The world of loss functionThe world of loss function
The world of loss function홍배 김
 
Machine learning applications in aerospace domain
Machine learning applications in aerospace domainMachine learning applications in aerospace domain
Machine learning applications in aerospace domain홍배 김
 
Anomaly Detection and Localization Using GAN and One-Class Classifier
Anomaly Detection and Localization  Using GAN and One-Class ClassifierAnomaly Detection and Localization  Using GAN and One-Class Classifier
Anomaly Detection and Localization Using GAN and One-Class Classifier홍배 김
 
ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...
ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...
ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...홍배 김
 
Brief intro : Invariance and Equivariance
Brief intro : Invariance and EquivarianceBrief intro : Invariance and Equivariance
Brief intro : Invariance and Equivariance홍배 김
 

Mais de 홍배 김 (14)

Automatic Gain Tuning based on Gaussian Process Global Optimization (= Bayesi...
Automatic Gain Tuning based on Gaussian Process Global Optimization (= Bayesi...Automatic Gain Tuning based on Gaussian Process Global Optimization (= Bayesi...
Automatic Gain Tuning based on Gaussian Process Global Optimization (= Bayesi...
 
Gaussian processing
Gaussian processingGaussian processing
Gaussian processing
 
Lecture Summary : Camera Projection
Lecture Summary : Camera Projection Lecture Summary : Camera Projection
Lecture Summary : Camera Projection
 
Learning agile and dynamic motor skills for legged robots
Learning agile and dynamic motor skills for legged robotsLearning agile and dynamic motor skills for legged robots
Learning agile and dynamic motor skills for legged robots
 
Robotics of Quadruped Robot
Robotics of Quadruped RobotRobotics of Quadruped Robot
Robotics of Quadruped Robot
 
Basics of Robotics
Basics of RoboticsBasics of Robotics
Basics of Robotics
 
Convolutional neural networks 이론과 응용
Convolutional neural networks 이론과 응용Convolutional neural networks 이론과 응용
Convolutional neural networks 이론과 응용
 
Anomaly detection using deep one class classifier
Anomaly detection using deep one class classifierAnomaly detection using deep one class classifier
Anomaly detection using deep one class classifier
 
Optimal real-time landing using DNN
Optimal real-time landing using DNNOptimal real-time landing using DNN
Optimal real-time landing using DNN
 
The world of loss function
The world of loss functionThe world of loss function
The world of loss function
 
Machine learning applications in aerospace domain
Machine learning applications in aerospace domainMachine learning applications in aerospace domain
Machine learning applications in aerospace domain
 
Anomaly Detection and Localization Using GAN and One-Class Classifier
Anomaly Detection and Localization  Using GAN and One-Class ClassifierAnomaly Detection and Localization  Using GAN and One-Class Classifier
Anomaly Detection and Localization Using GAN and One-Class Classifier
 
ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...
ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...
ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...
 
Brief intro : Invariance and Equivariance
Brief intro : Invariance and EquivarianceBrief intro : Invariance and Equivariance
Brief intro : Invariance and Equivariance
 

Último

MOODv2 : Masked Image Modeling for Out-of-Distribution Detection
MOODv2 : Masked Image Modeling for Out-of-Distribution DetectionMOODv2 : Masked Image Modeling for Out-of-Distribution Detection
MOODv2 : Masked Image Modeling for Out-of-Distribution DetectionKim Daeun
 
A future that integrates LLMs and LAMs (Symposium)
A future that integrates LLMs and LAMs (Symposium)A future that integrates LLMs and LAMs (Symposium)
A future that integrates LLMs and LAMs (Symposium)Tae Young Lee
 
캐드앤그래픽스 2024년 5월호 목차
캐드앤그래픽스 2024년 5월호 목차캐드앤그래픽스 2024년 5월호 목차
캐드앤그래픽스 2024년 5월호 목차캐드앤그래픽스
 
Console API (Kitworks Team Study 백혜인 발표자료)
Console API (Kitworks Team Study 백혜인 발표자료)Console API (Kitworks Team Study 백혜인 발표자료)
Console API (Kitworks Team Study 백혜인 발표자료)Wonjun Hwang
 
Continual Active Learning for Efficient Adaptation of Machine LearningModels ...
Continual Active Learning for Efficient Adaptation of Machine LearningModels ...Continual Active Learning for Efficient Adaptation of Machine LearningModels ...
Continual Active Learning for Efficient Adaptation of Machine LearningModels ...Kim Daeun
 
Merge (Kitworks Team Study 이성수 발표자료 240426)
Merge (Kitworks Team Study 이성수 발표자료 240426)Merge (Kitworks Team Study 이성수 발표자료 240426)
Merge (Kitworks Team Study 이성수 발표자료 240426)Wonjun Hwang
 

Último (6)

MOODv2 : Masked Image Modeling for Out-of-Distribution Detection
MOODv2 : Masked Image Modeling for Out-of-Distribution DetectionMOODv2 : Masked Image Modeling for Out-of-Distribution Detection
MOODv2 : Masked Image Modeling for Out-of-Distribution Detection
 
A future that integrates LLMs and LAMs (Symposium)
A future that integrates LLMs and LAMs (Symposium)A future that integrates LLMs and LAMs (Symposium)
A future that integrates LLMs and LAMs (Symposium)
 
캐드앤그래픽스 2024년 5월호 목차
캐드앤그래픽스 2024년 5월호 목차캐드앤그래픽스 2024년 5월호 목차
캐드앤그래픽스 2024년 5월호 목차
 
Console API (Kitworks Team Study 백혜인 발표자료)
Console API (Kitworks Team Study 백혜인 발표자료)Console API (Kitworks Team Study 백혜인 발표자료)
Console API (Kitworks Team Study 백혜인 발표자료)
 
Continual Active Learning for Efficient Adaptation of Machine LearningModels ...
Continual Active Learning for Efficient Adaptation of Machine LearningModels ...Continual Active Learning for Efficient Adaptation of Machine LearningModels ...
Continual Active Learning for Efficient Adaptation of Machine LearningModels ...
 
Merge (Kitworks Team Study 이성수 발표자료 240426)
Merge (Kitworks Team Study 이성수 발표자료 240426)Merge (Kitworks Team Study 이성수 발표자료 240426)
Merge (Kitworks Team Study 이성수 발표자료 240426)
 

Single Shot MultiBox Detector와 Recurrent Instance Segmentation

  • 1. Object Detection & Instance Segmentation Toshinori Hanya
  • 2. Contents • Object Detection • Task에 대하여 • R-CNN • Faster R-CNN • Region Proposal Networkのしくみ • SSD: Single Shot Multibox Detector • Instance Segmentation • Task에 대하여 • End-to-End Instance Segmentation and Counting with Recurrent Attention 2
  • 3. 일반 물체 인식 분야에서의 Deep Learning • 정지 분류 작업은 CNN에 의한 특징량 추출 및 학습을 통해 발전 • 보다 고 난이도의 작업인 물체 감지, 물체 영역 추출로 발전 Classification Object Detection Semantic Segmentation Instance Segmentation Plants http://www.nlab.ci.i.u-tokyo.ac.jp/pdf/CNN_survey.pdf http://host.robots.ox.ac.uk/pascal/VOC/voc2012/segexamples/index.html Plants Plants Plants 고난이도 3
  • 4. Object Detection 소개 논문: SSD: Single Shot MultiBox Detector
  • 5. Object Detection • 이미지 속의 여러 물체를 빠짐없이/중복없이 검출하는 것이 목적 • 물체의 검출정확도(Precision)와 빠짐없이 검출 할 수 있는지의 지표인 적합율 (Recall)의 관계 (Precision-recall curve)에서 산출한 Average Precision (AP)가 주요 지표. • 실제 문제에 응용이 기대되고 AP 외에 예측시의 계산 시간도 중요하여, 실시간 성이 요구되고있다. http://host.robots.ox.ac.uk/pascal/VOC/voc2007/ Precision Recall1 1 면적= AP 5
  • 6. 주요모델(1): Regions with CNN • R-CNN (Regions with CNN) • 물체 영역 후보의 생성에 Selective Search (SS) 등의 방법을 이용 • 생성한 영역을 이미지 분류를 위한 CNN에 입력하여 각 영역에 무엇이 담겨 있는지 (또는 배경인가)을 분류한다. • Recall을 확보하기 위해서는 영역 후보가 2,000 정도 필요하며, 전체를 CNN에 입력하고 계산하는데, 상당한 시간이 걸림 • 또한 다단계의 학습이 필요하므로 복잡 R-CNN: http://arxiv.org/abs/1311.2524 6
  • 7. 주요모델(2): Faster R-CNN • Faster R-CNN • 특징 추출 부분을 공통화(이것은 Fast R-CNN에서 제안 된 방법) • 특징 맵을 입력하여 물체 영역 후보를 생성하는 Region Proposal Network를 제안 • 300개 정도의 공간 후보로 충분한 정확도가 확보 가능 • 1 장당 0.2 ~ 0.3 초에 처리 가능 Region Proposal Net (RPN) CNN (특징추출) Classifier 물체 영역후보를 생성 (~300개 정도) 각 영역후보에 해당하는 물체를 분류 Faster R-CNN: http://arxiv.org/abs/1506.014977
  • 8. Region Proposal Network • 특징 맵에 Anchor를 정의 (방안지에 비유하여 각 질량의 중심 이미지) • 각 Anchor당 k 개의 Anchor Box를 정의 (Scale과 Aspect ratio의 조합) • 각 Anchor Box마다 물체 유사성 점수와 위치 · 크기의 수정 사항을 예측하도록 훈련 Faster R-CNN: http://arxiv.org/abs/1506.01497 이미지 특징 맵 CNN (특징추출) ・・・ Scale Aspect ratio × 각 Anchor당 k개의 Box (예: k = 3 × 3) 2k scores (물체 또는 배경) 4k coordinates (x, y, w, h의 수정항) H x W x 3 H/16 x W/16 x 3 8
  • 9. SSD: Single Shot Multibox Detector Region Proposal Net (RPN) CNN (특징추출) Classifier ① 물체 영역후보를 생성 (물체 유사성 점수) ② 각 클래스로 분류 CNN (특징추출) Region Proposal + Classifier 물체 영역후보를 생성 (클래스 별 점수)SSD Faster R-CNN • Faster RCNN보다 빠르고 정확도도 좋은 모델 • 입력 이미지 크기가 작은 모델(정밀도는 적당히)는 58FPS를 달성 • Faster에서 ① 영역 후보 생성 ② 각 영역 특징 벡터를 잘라 분류하는, 2 단계로 수행되던 작업을 한번에 처리 • 깊이가 다른 복수의 특징 맵을 사용. 얕은 쪽은 작은 물체를 깊은 쪽은 큰 물체를 감지 SSD: http://arxiv.org/abs/1512.02325 9
  • 10. SSD: Single Shot Multibox Detector • Faster RCNN보다 빠르고 정확도도 좋은 모델 • 입력 이미지 크기가 작은 모델(정밀도는 적당히)는 58FPS를 달성 • Faster에서 ① 영역 후보 생성 ② 각 영역 특징 벡터를 잘라 분류하는, 2 단계로 수행되던 작업을 한번에 처리 • 깊이가 다른 복수의 특징 맵을 사용. 얕은 쪽은 작은 물체를 깊은 쪽은 큰 물체를 감지 (깊이에 따라 기본 Box 크기가 바뀜) 얕은 쪽 특징맵에서는 작은 물체를 검출 깊은 쪽 특징맵에서는 큰 물체를 검출 SSD: http://arxiv.org/abs/1512.02325 10
  • 11. SSD: Single Shot Multibox Detector • Pascal VOC 2007의 Detection 결과 • 입력 이미지 크기가 300x300 모델(SSD300)에서는 58FPS를 달성하고、 mean AP도 70%를 초과 • 입력 이미지 크기가 500x500 모델(SSD500)에서는 Faster R-CNN보다 정확하면서도 처리 속도도 빠름 SSD: http://arxiv.org/abs/1512.02325 11
  • 12. Instance Segmentation 소개논문: End-to-End Instance Segmentation and Counting with Recurrent Attention
  • 13. Instance Segmentation • 영역분활(Segmentation) • 픽셀마다의 label을 예측 • 형상이나 면적등의 정보를 얻을 수 있어서 응용분야가 많고 활발히 연구중 • Task 분류 • Semantic Segmentation • 각 필셀에 클라스의 라벨을 붙이는 문제 • 병이 4개인 경우에도 모두 [병 class]의 라벨을 붙임 • Instance Segmentation • 개개 물체마다 별도 레벨을 붙이는 문제 • 병이 4개인 경우, 별도의 라벨을 붙임 (b) Instance ~ (a) Semantic ~Raw Image http://host.robots.ox.ac.uk/pascal/VOC/voc2012/segexamples/index.html 13
  • 14. 잎은 몇 개일까요 ? http://juser.fz-juelich.de/record/154525/files/FZJ-2014-03837.pdf 14
  • 15. 어떻게 셀까요 ? http://juser.fz-juelich.de/record/154525/files/FZJ-2014-03837.pdf • 시선을 옮기며 한장한장 주목하면서 • 한번 본 것은 기억해 놓는 느낌으로 세면 되지 않을까 ? 15
  • 16. End-to-End Instance Segmentation and Counting with Recurrent Attention • Instance Segmentation용 뉴럴 넷 • 스텝마다 1개의 물체를 주목하여 영역을 분활 • 한번 본 영역은 기억해 놓고 (인간이 세는 방법을 참고) End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410 16
  • 17. End-to-End Instance Segmentation and Counting with Recurrent Attention End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410 • 모델의 전체 형상 : 17
  • 18. End-to-End Instance Segmentation and Counting with Recurrent Attention End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410 한번 본 영역을 기억해놓는 부품 18
  • 19. End-to-End Instance Segmentation and Counting with Recurrent Attention End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410 어디에 주목할까를 결정 19
  • 20. End-to-End Instance Segmentation and Counting with Recurrent Attention End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410 주목한 영역의 Segmentation을 실행 20
  • 21. End-to-End Instance Segmentation and Counting with Recurrent Attention End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410 물체가 발견되었는지 판정을 실행 (점수가 0.5이하가 되면 종료) 21
  • 22. End-to-End Instance Segmentation and Counting with Recurrent Attention End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410 한번 본 부분은 기억 (이하 반복) 22
  • 23. End-to-End Instance Segmentation and Counting with Recurrent Attention End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410 • 결과(1) 잎의 영역분활 23
  • 24. End-to-End Instance Segmentation and Counting with Recurrent Attention End-to-End Instance Segmentation and Counting with Recurrent Attention: https://arxiv.org/abs/1605.09410 • 결과(2) 차량의 영역분활 24

Notas do Editor

  1. 動画; https://drive.google.com/file/d/0BzKzrI_SkD1_R09NcjM1eElLcWc/view?pref=2&pli=1 コード; https://github.com/weiliu89/caffe/tree/ssd