MCMOT: Multi-Class Multi-Object Tracking using Changing Point Detection

Size: px
Start display at page:

Download "MCMOT: Multi-Class Multi-Object Tracking using Changing Point Detection"

Transcription

1 MCMOT: Multi-Class Multi-Object Tracking using Changing Point Detection ILSVRC 2016 Object Detection from Video Byungjae Lee¹, Songguo Jin¹, Enkhbayar Erdenee¹, Mi Young Nam², Young Gui Jung², Phill Kyu Rhee¹ Inha University¹, NaeulTech²

2 Results with additional training data Object Detection from Video (VID) 2 nd place (map: 73.15%) Object Detection/Tracking from Video (VID) 2 nd place (map: 49.09%) 2

3 Overview I. Faster R-CNN Object Detector + Context region + Larger feature map + Ensemble + Data configuration II. MCMOT: Multi-Class Multi-Object Tracking Tracking by Detection Detection: Ensemble of CNNs Tracking: MCMOT using CPD S. Ren, K. He, R. Girshick, & J. Sun. Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. TPAMI B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv

4 I. Faster R-CNN Object Detector S. Ren, K. He, R. Girshick, & J. Sun. Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. TPAMI

5 Object Detection from Video Challenge I: Small Object 5 * Figure from J. Li et al. Scale-aware Fast R-CNN for Pedestrian Detection. arxiv 2015.

6 Object Detection from Video Challenge I: Small Object Solution Larger feature map 6 * Figure from J. Li et al. Scale-aware Fast R-CNN for Pedestrian Detection. arxiv 2015.

7 Object Detection from Video Challenge II: Blurred Object 7 * Figure from Y. Zhu et al. segdeepm: Exploiting Segmentation and Context in Deep Neural Networks for Object Detection. CVPR 2015.

8 Object Detection from Video Challenge II: Blurred Object Solution Context Region 8 * Figure from Y. Zhu et al. segdeepm: Exploiting Segmentation and Context in Deep Neural Networks for Object Detection. CVPR 2015.

9 Network Architecture I. Faster R-CNN with VGG16 Conv1 Conv2 Conv3 Convolutional Network Region Proposal Network RoI Pooling layer FC FC Class layer Softmax class loss Conv4 Conv5 Bbox. reg. loss pool3 pool4 Bbox layer pool2 pool1 Karen Simonyan, & Andrew Zisserman. Very Deep Convolutional Networks for Large-Scale Image Recognition. arxiv S. Ren, K. He, R. Girshick, & J. Sun. Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. TPAMI

10 Network Architecture I. Faster R-CNN with VGG16 Conv1 Conv2 Conv3 Convolutional Network Region Proposal Network RoI Pooling layer FC FC Class layer Softmax class loss Conv4 Conv5 Bbox. reg. loss pool3 pool4 Bbox layer pool2 pool1 Karen Simonyan, & Andrew Zisserman. Very Deep Convolutional Networks for Large-Scale Image Recognition. arxiv S. Ren, K. He, R. Girshick, & J. Sun. Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. TPAMI

11 Network Architecture I. Faster R-CNN with VGG16 + Larger feature map (remove pool4 layer) (+2.9% map) Conv1 Conv2 Conv3 Convolutional Network Region Proposal Network RoI Pooling layer FC FC Class layer Softmax class loss Conv4ˈ Bbox. reg. loss Bbox layer pool3 pool2 pool1 J. Li, X. Liang, S. Shen, T. Xu, & S. Yan. Scale-aware Fast R-CNN for Pedestrian Detection. arxiv S. Ren, K. He, R. Girshick, & J. Sun. Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. TPAMI

12 Network Architecture I. Faster R-CNN with VGG16 + Larger feature map (remove pool4 layer) (+2.9% map) + Context region (+2.6% map) Conv1 Conv2 Convolutional Network Region Proposal Network RoI Pooling layer FC FC Conv3 Conv4ˈ Class layer Softmax class loss pool2 pool3 Box * 1.5 Concat layer Bbox. reg. loss pool1 Bbox layer RoI Pooling Context layer FC FC S. Gidaris, & N. Komodakis. Object detection via a multi-region & semantic segmentation-aware CNN model. CVPR S. Ren, K. He, R. Girshick, & J. Sun. Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. TPAMI

13 Training Data Configuration Overview of ILSVRC VID Dataset ILSVRC VID Training Validation Images Snippets * Images are from the ILSVRC VID dataset 13

14 Training Data Configuration Overview of ILSVRC VID Dataset ILSVRC VID Training Validation Images Snippets Redundant images within each snippet Diversity is too low to train CNN * Images are from the ILSVRC VID dataset 14

15 Training Data Configuration Overview of ILSVRC VID Dataset ILSVRC VID Training Validation Images Snippets Redundant images within each snippet Diversity is too low to train CNN We need more data * Images are from the ILSVRC VID dataset 15

16 Training Data Configuration ILSVRC DET ILSVRC VID Additional Data COCO DET ImageNet CLS Pre-trained Model 16

17 Training Data Configuration ILSVRC DET ILSVRC VID Additional Data COCO DET ImageNet CLS Pre-trained Model Fine-tune COCO DET Pre-trained Model 17

18 Training Data Configuration ILSVRC DET ILSVRC VID Additional Data COCO DET Sample 2K images per class (30 classes) Sample 2K images per class 100 images per class ImageNet CLS Pre-trained Model Fine-tune COCO DET Pre-trained Model 18

19 Training Data Configuration ILSVRC DET ILSVRC VID Additional Data COCO DET Sample 2K images per class (30 classes) Sample 2K images per class 100 images per class ImageNet CLS Pre-trained Model Fine-tune Training Dataset COCO DET Pre-trained Model 19

20 Training Data Configuration ILSVRC DET ILSVRC VID Additional Data COCO DET Sample 2K images per class (30 classes) Sample 2K images per class 100 images per class ImageNet CLS Pre-trained Model Fine-tune Training Dataset COCO DET Pre-trained Model Fine-tune Final Model 20

21 Detection Components VGG 16 map(%) Baseline 70.7% ResNet-101 map(%) Baseline 78.8% * We used 12 anchors for RPN * Performances are evaluated on VID minival (only used initial 30 frames per each snippet, total 16,524 images) 21

22 Detection Components VGG 16 map(%) Baseline 70.7% + Larger feature map 73.6% + Context layer 76.2% ResNet-101 map(%) Baseline 78.8% * We used 12 anchors for RPN * Performances are evaluated on VID minival (only used initial 30 frames per each snippet, total 16,524 images) 22

23 Detection Components VGG 16 map(%) Baseline 70.7% + Larger feature map 73.6% + Context layer 76.2% ResNet-101 map(%) Baseline 78.8% Faster R-CNN VGG16 Faster R-CNN ResNet Detection Results Combination MCMOT Tracking 82.3% map * We used 12 anchors for RPN * Performances are evaluated on VID minival (only used initial 30 frames per each snippet, total 16,524 images) 23

24 II. MCMOT: Multi-Class Multi-Object Tracking using Changing Point Detection B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv

25 map(%) Motivation ILSVRC Object Detection Performance Year Object detector becomes robust Should we use complex multi-object tracking algorithm? 25

26 Motivation Based on high performance detection, simple & fast MOT algorithm can achieve competitive result 26

27 Results ILSVRC2016 Object Detection/Tracking from Video (VID) 2 nd place (map: 49.09%) with additional training data B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv

28 MOTA(%) MOTA(%) Results ILSVRC2016 Object Detection/Tracking from Video (VID) 2 nd place (map: 49.09%) with additional training data Our MCMOT also achieves state-of-the-art results in different MOT datasets Multiple Object Tracking Benchmark 2016 KITTI Tracking Benchmark (Car) MCMOT NOMTwSDP16 KFILDAwSDP EAMTT AMPL 68 MCMOT RBPF DuEye NOMT CNN-OCC Method Method B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv 2016.

29 Tracking by Detection Object Detection Sequence Multi-Object Tracking t Trajectory Object Detection: Ensemble of CNNs Multi-Object Tracking: MCMOT using CPD B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv

30 MCMOT using CPD Video sequence (a) Likelihood Calculation (b) Track Segment Creation t t Change point Change point Change point Forward-backward Validation (c) Changing Point Detection t (d) Trajectory Combination MCMOT Trajectory Result B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv

31 Track Segment Creation MCMC-based MOT approach Changing number of moving objects are challenging, which require high computation overheads due to a high-dimensional state space Separating motion dynamics The method separates the motion dynamic model of Bayesian filter into the entity transitions and motion moves No dimension variation in the iteration loop by separating the moves of birth and death H. Sakaino. Video-based tracking, learning, and recognition method for multiple moving objects. IEEE trans. On circuits and systems for video technology B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv

32 Track Segment Creation Estimation of entity state transition (Birth, Death) The entity transitions are modeled as the birth and death events We estimate the entity prior by data-driven approach, instead of the inside of MCMC loop H. Sakaino. Video-based tracking, learning, and recognition method for multiple moving objects. IEEE trans. On circuits and systems for video technology B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv

33 Track Segment Creation Separating motion dynamics Pros Since the Markov chain has no dimension variation in the iteration loop, it can reach to stationary states with less computation overhead Cons such a simple approach cannot deal with complex situations that occur in MOT Many of them are suffered from track drifts due to appearance variations Drift problem is attacked by a CPD algorithm H. Sakaino. Video-based tracking, learning, and recognition method for multiple moving objects. IEEE trans. On circuits and systems for video technology B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv

34 Changing Point Detection Two-Stage Learning for Changing Point Detection Drifts in MCMOT are investigated by detection such abrupt change points between stationary time series that represent track segment A possible track drift is determined by a changing point detection 2 nd level time series is built using the scanned average responses to reduce outliers in the time series * Figure from J. Takeuchi, & K. Yamanishi. A Unifying Framework for Detecting Outliers and Change Points from Time Series. TKDE B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv

35 Changing Point Detection Track segments Changing Point Detection Low CPD score High Forward-backward Validation Keep confident segments Low FB error High Exclude unstable segments Confident segments J. Takeuchi, & K. Yamanishi. A Unifying Framework for Detecting Outliers and Change Points from Time Series. TKDE B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv

36 Changing Point Detection MOT16-09 #170 MOT16-09 #172 MOT16-09 #174 MOT16-07 #179 MOT16-02 #438 MOT16-02 #440 MOT16-02 #442 MOT16-02 #444 * Images are from MOT 2016 benchmark J. Takeuchi, & K. Yamanishi. A Unifying Framework for Detecting Outliers and Change Points from Time Series. TKDE B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv

37 Tracking Speed Tracking performances comparison on the MOT benchmark 2016 The timing excludes detection time With a Titan X Maxwell GPU, the detector runs at approximately 3.5 FPS B. Lee, E. Erdenee, S. Jin, & P. Rhee. Multi-Class Multi-Object Tracking using Changing Point Detection. arxiv

38 Results ImageNet VID MOT Benchmark KITTI Tracking Benchmark 38

39 Acknowledgement 39

40 Thank You

arxiv: v1 [cs.cv] 30 Aug 2016

arxiv: v1 [cs.cv] 30 Aug 2016 arxiv:1608.08434v1 [cs.cv] 30 Aug 2016 Multi-Class Multi-Object Tracking using Changing Point Detection Byungjae Lee 1, Enkhbayar Erdenee 1, Songguo Jin 1, and Phill Kyu Rhee 1 Inha University 1 Abstract.

More information

Object detection with CNNs

Object detection with CNNs Object detection with CNNs 80% PASCAL VOC mean0average0precision0(map) 70% 60% 50% 40% 30% 20% 10% Before CNNs After CNNs 0% 2006 2007 2008 2009 2010 2011 2012 2013 2014 2015 2016 year Region proposals

More information

Direct Multi-Scale Dual-Stream Network for Pedestrian Detection Sang-Il Jung and Ki-Sang Hong Image Information Processing Lab.

Direct Multi-Scale Dual-Stream Network for Pedestrian Detection Sang-Il Jung and Ki-Sang Hong Image Information Processing Lab. [ICIP 2017] Direct Multi-Scale Dual-Stream Network for Pedestrian Detection Sang-Il Jung and Ki-Sang Hong Image Information Processing Lab., POSTECH Pedestrian Detection Goal To draw bounding boxes that

More information

Deep learning for object detection. Slides from Svetlana Lazebnik and many others

Deep learning for object detection. Slides from Svetlana Lazebnik and many others Deep learning for object detection Slides from Svetlana Lazebnik and many others Recent developments in object detection 80% PASCAL VOC mean0average0precision0(map) 70% 60% 50% 40% 30% 20% 10% Before deep

More information

Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks

Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks Shaoqing Ren, Kaiming He, Ross Girshick, and Jian Sun Presented by Tushar Bansal Objective 1. Get bounding box for all objects

More information

Efficient Segmentation-Aided Text Detection For Intelligent Robots

Efficient Segmentation-Aided Text Detection For Intelligent Robots Efficient Segmentation-Aided Text Detection For Intelligent Robots Junting Zhang, Yuewei Na, Siyang Li, C.-C. Jay Kuo University of Southern California Outline Problem Definition and Motivation Related

More information

Joint Object Detection and Viewpoint Estimation using CNN features

Joint Object Detection and Viewpoint Estimation using CNN features Joint Object Detection and Viewpoint Estimation using CNN features Carlos Guindel, David Martín and José M. Armingol cguindel@ing.uc3m.es Intelligent Systems Laboratory Universidad Carlos III de Madrid

More information

Spatial Localization and Detection. Lecture 8-1

Spatial Localization and Detection. Lecture 8-1 Lecture 8: Spatial Localization and Detection Lecture 8-1 Administrative - Project Proposals were due on Saturday Homework 2 due Friday 2/5 Homework 1 grades out this week Midterm will be in-class on Wednesday

More information

Mask R-CNN. presented by Jiageng Zhang, Jingyao Zhan, Yunhan Ma

Mask R-CNN. presented by Jiageng Zhang, Jingyao Zhan, Yunhan Ma Mask R-CNN presented by Jiageng Zhang, Jingyao Zhan, Yunhan Ma Mask R-CNN Background Related Work Architecture Experiment Mask R-CNN Background Related Work Architecture Experiment Background From left

More information

Object Detection Based on Deep Learning

Object Detection Based on Deep Learning Object Detection Based on Deep Learning Yurii Pashchenko AI Ukraine 2016, Kharkiv, 2016 Image classification (mostly what you ve seen) http://tutorial.caffe.berkeleyvision.org/caffe-cvpr15-detection.pdf

More information

REGION AVERAGE POOLING FOR CONTEXT-AWARE OBJECT DETECTION

REGION AVERAGE POOLING FOR CONTEXT-AWARE OBJECT DETECTION REGION AVERAGE POOLING FOR CONTEXT-AWARE OBJECT DETECTION Kingsley Kuan 1, Gaurav Manek 1, Jie Lin 1, Yuan Fang 1, Vijay Chandrasekhar 1,2 Institute for Infocomm Research, A*STAR, Singapore 1 Nanyang Technological

More information

YOLO9000: Better, Faster, Stronger

YOLO9000: Better, Faster, Stronger YOLO9000: Better, Faster, Stronger Date: January 24, 2018 Prepared by Haris Khan (University of Toronto) Haris Khan CSC2548: Machine Learning in Computer Vision 1 Overview 1. Motivation for one-shot object

More information

CS6501: Deep Learning for Visual Recognition. Object Detection I: RCNN, Fast-RCNN, Faster-RCNN

CS6501: Deep Learning for Visual Recognition. Object Detection I: RCNN, Fast-RCNN, Faster-RCNN CS6501: Deep Learning for Visual Recognition Object Detection I: RCNN, Fast-RCNN, Faster-RCNN Today s Class Object Detection The RCNN Object Detector (2014) The Fast RCNN Object Detector (2015) The Faster

More information

Deep learning for dense per-pixel prediction. Chunhua Shen The University of Adelaide, Australia

Deep learning for dense per-pixel prediction. Chunhua Shen The University of Adelaide, Australia Deep learning for dense per-pixel prediction Chunhua Shen The University of Adelaide, Australia Image understanding Classification error Convolution Neural Networks 0.3 0.2 0.1 Image Classification [Krizhevsky

More information

Cascade Region Regression for Robust Object Detection

Cascade Region Regression for Robust Object Detection Large Scale Visual Recognition Challenge 2015 (ILSVRC2015) Cascade Region Regression for Robust Object Detection Jiankang Deng, Shaoli Huang, Jing Yang, Hui Shuai, Zhengbo Yu, Zongguang Lu, Qiang Ma, Yali

More information

Extend the shallow part of Single Shot MultiBox Detector via Convolutional Neural Network

Extend the shallow part of Single Shot MultiBox Detector via Convolutional Neural Network Extend the shallow part of Single Shot MultiBox Detector via Convolutional Neural Network Liwen Zheng, Canmiao Fu, Yong Zhao * School of Electronic and Computer Engineering, Shenzhen Graduate School of

More information

Optimizing Object Detection:

Optimizing Object Detection: Lecture 10: Optimizing Object Detection: A Case Study of R-CNN, Fast R-CNN, and Faster R-CNN Visual Computing Systems Today s task: object detection Image classification: what is the object in this image?

More information

JOINT DETECTION AND SEGMENTATION WITH DEEP HIERARCHICAL NETWORKS. Zhao Chen Machine Learning Intern, NVIDIA

JOINT DETECTION AND SEGMENTATION WITH DEEP HIERARCHICAL NETWORKS. Zhao Chen Machine Learning Intern, NVIDIA JOINT DETECTION AND SEGMENTATION WITH DEEP HIERARCHICAL NETWORKS Zhao Chen Machine Learning Intern, NVIDIA ABOUT ME 5th year PhD student in physics @ Stanford by day, deep learning computer vision scientist

More information

Channel Locality Block: A Variant of Squeeze-and-Excitation

Channel Locality Block: A Variant of Squeeze-and-Excitation Channel Locality Block: A Variant of Squeeze-and-Excitation 1 st Huayu Li Northern Arizona University Flagstaff, United State Northern Arizona University hl459@nau.edu arxiv:1901.01493v1 [cs.lg] 6 Jan

More information

Yiqi Yan. May 10, 2017

Yiqi Yan. May 10, 2017 Yiqi Yan May 10, 2017 P a r t I F u n d a m e n t a l B a c k g r o u n d s Convolution Single Filter Multiple Filters 3 Convolution: case study, 2 filters 4 Convolution: receptive field receptive field

More information

R-FCN: OBJECT DETECTION VIA REGION-BASED FULLY CONVOLUTIONAL NETWORKS

R-FCN: OBJECT DETECTION VIA REGION-BASED FULLY CONVOLUTIONAL NETWORKS R-FCN: OBJECT DETECTION VIA REGION-BASED FULLY CONVOLUTIONAL NETWORKS JIFENG DAI YI LI KAIMING HE JIAN SUN MICROSOFT RESEARCH TSINGHUA UNIVERSITY MICROSOFT RESEARCH MICROSOFT RESEARCH SPEED/ACCURACY TRADE-OFFS

More information

Deep Residual Learning

Deep Residual Learning Deep Residual Learning MSRA @ ILSVRC & COCO 2015 competitions Kaiming He with Xiangyu Zhang, Shaoqing Ren, Jifeng Dai, & Jian Sun Microsoft Research Asia (MSRA) MSRA @ ILSVRC & COCO 2015 Competitions 1st

More information

Lecture 5: Object Detection

Lecture 5: Object Detection Object Detection CSED703R: Deep Learning for Visual Recognition (2017F) Lecture 5: Object Detection Bohyung Han Computer Vision Lab. bhhan@postech.ac.kr 2 Traditional Object Detection Algorithms Region-based

More information

Fuzzy Set Theory in Computer Vision: Example 3

Fuzzy Set Theory in Computer Vision: Example 3 Fuzzy Set Theory in Computer Vision: Example 3 Derek T. Anderson and James M. Keller FUZZ-IEEE, July 2017 Overview Purpose of these slides are to make you aware of a few of the different CNN architectures

More information

Object Detection. CS698N Final Project Presentation AKSHAT AGARWAL SIDDHARTH TANWAR

Object Detection. CS698N Final Project Presentation AKSHAT AGARWAL SIDDHARTH TANWAR Object Detection CS698N Final Project Presentation AKSHAT AGARWAL SIDDHARTH TANWAR Problem Description Arguably the most important part of perception Long term goals for object recognition: Generalization

More information

Unified, real-time object detection

Unified, real-time object detection Unified, real-time object detection Final Project Report, Group 02, 8 Nov 2016 Akshat Agarwal (13068), Siddharth Tanwar (13699) CS698N: Recent Advances in Computer Vision, Jul Nov 2016 Instructor: Gaurav

More information

Automatic detection of books based on Faster R-CNN

Automatic detection of books based on Faster R-CNN Automatic detection of books based on Faster R-CNN Beibei Zhu, Xiaoyu Wu, Lei Yang, Yinghua Shen School of Information Engineering, Communication University of China Beijing, China e-mail: zhubeibei@cuc.edu.cn,

More information

Kaggle Data Science Bowl 2017 Technical Report

Kaggle Data Science Bowl 2017 Technical Report Kaggle Data Science Bowl 2017 Technical Report qfpxfd Team May 11, 2017 1 Team Members Table 1: Team members Name E-Mail University Jia Ding dingjia@pku.edu.cn Peking University, Beijing, China Aoxue Li

More information

Object Detection. TA : Young-geun Kim. Biostatistics Lab., Seoul National University. March-June, 2018

Object Detection. TA : Young-geun Kim. Biostatistics Lab., Seoul National University. March-June, 2018 Object Detection TA : Young-geun Kim Biostatistics Lab., Seoul National University March-June, 2018 Seoul National University Deep Learning March-June, 2018 1 / 57 Index 1 Introduction 2 R-CNN 3 YOLO 4

More information

Computer Vision Lecture 16

Computer Vision Lecture 16 Computer Vision Lecture 16 Deep Learning Applications 11.01.2017 Bastian Leibe RWTH Aachen http://www.vision.rwth-aachen.de leibe@vision.rwth-aachen.de Announcements Seminar registration period starts

More information

Computer Vision Lecture 16

Computer Vision Lecture 16 Announcements Computer Vision Lecture 16 Deep Learning Applications 11.01.2017 Seminar registration period starts on Friday We will offer a lab course in the summer semester Deep Robot Learning Topic:

More information

Deep Learning in Visual Recognition. Thanks Da Zhang for the slides

Deep Learning in Visual Recognition. Thanks Da Zhang for the slides Deep Learning in Visual Recognition Thanks Da Zhang for the slides Deep Learning is Everywhere 2 Roadmap Introduction Convolutional Neural Network Application Image Classification Object Detection Object

More information

Two-Stream Convolutional Networks for Action Recognition in Videos

Two-Stream Convolutional Networks for Action Recognition in Videos Two-Stream Convolutional Networks for Action Recognition in Videos Karen Simonyan Andrew Zisserman Cemil Zalluhoğlu Introduction Aim Extend deep Convolution Networks to action recognition in video. Motivation

More information

Modern Convolutional Object Detectors

Modern Convolutional Object Detectors Modern Convolutional Object Detectors Faster R-CNN, R-FCN, SSD 29 September 2017 Presented by: Kevin Liang Papers Presented Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks

More information

Inception and Residual Networks. Hantao Zhang. Deep Learning with Python.

Inception and Residual Networks. Hantao Zhang. Deep Learning with Python. Inception and Residual Networks Hantao Zhang Deep Learning with Python https://en.wikipedia.org/wiki/residual_neural_network Deep Neural Network Progress from Large Scale Visual Recognition Challenge (ILSVRC)

More information

Rich feature hierarchies for accurate object detection and semantic segmentation

Rich feature hierarchies for accurate object detection and semantic segmentation Rich feature hierarchies for accurate object detection and semantic segmentation Ross Girshick, Jeff Donahue, Trevor Darrell, Jitendra Malik Presented by Pandian Raju and Jialin Wu Last class SGD for Document

More information

Final Report: Smart Trash Net: Waste Localization and Classification

Final Report: Smart Trash Net: Waste Localization and Classification Final Report: Smart Trash Net: Waste Localization and Classification Oluwasanya Awe oawe@stanford.edu Robel Mengistu robel@stanford.edu December 15, 2017 Vikram Sreedhar vsreed@stanford.edu Abstract Given

More information

Return of the Devil in the Details: Delving Deep into Convolutional Nets

Return of the Devil in the Details: Delving Deep into Convolutional Nets Return of the Devil in the Details: Delving Deep into Convolutional Nets Ken Chatfield - Karen Simonyan - Andrea Vedaldi - Andrew Zisserman University of Oxford The Devil is still in the Details 2011 2014

More information

Feature-Fused SSD: Fast Detection for Small Objects

Feature-Fused SSD: Fast Detection for Small Objects Feature-Fused SSD: Fast Detection for Small Objects Guimei Cao, Xuemei Xie, Wenzhe Yang, Quan Liao, Guangming Shi, Jinjian Wu School of Electronic Engineering, Xidian University, China xmxie@mail.xidian.edu.cn

More information

Fast CNN-Based Object Tracking Using Localization Layers and Deep Features Interpolation

Fast CNN-Based Object Tracking Using Localization Layers and Deep Features Interpolation Fast CNN-Based Object Tracking Using Localization Layers and Deep Features Interpolation Al-Hussein A. El-Shafie Faculty of Engineering Cairo University Giza, Egypt elshafie_a@yahoo.com Mohamed Zaki Faculty

More information

MULTI-SCALE OBJECT DETECTION WITH FEATURE FUSION AND REGION OBJECTNESS NETWORK. Wenjie Guan, YueXian Zou*, Xiaoqun Zhou

MULTI-SCALE OBJECT DETECTION WITH FEATURE FUSION AND REGION OBJECTNESS NETWORK. Wenjie Guan, YueXian Zou*, Xiaoqun Zhou MULTI-SCALE OBJECT DETECTION WITH FEATURE FUSION AND REGION OBJECTNESS NETWORK Wenjie Guan, YueXian Zou*, Xiaoqun Zhou ADSPLAB/Intelligent Lab, School of ECE, Peking University, Shenzhen,518055, China

More information

OBJECT DETECTION HYUNG IL KOO

OBJECT DETECTION HYUNG IL KOO OBJECT DETECTION HYUNG IL KOO INTRODUCTION Computer Vision Tasks Classification + Localization Classification: C-classes Input: image Output: class label Evaluation metric: accuracy Localization Input:

More information

R-FCN: Object Detection with Really - Friggin Convolutional Networks

R-FCN: Object Detection with Really - Friggin Convolutional Networks R-FCN: Object Detection with Really - Friggin Convolutional Networks Jifeng Dai Microsoft Research Li Yi Tsinghua Univ. Kaiming He FAIR Jian Sun Microsoft Research NIPS, 2016 Or Region-based Fully Convolutional

More information

Regionlet Object Detector with Hand-crafted and CNN Feature

Regionlet Object Detector with Hand-crafted and CNN Feature Regionlet Object Detector with Hand-crafted and CNN Feature Xiaoyu Wang Research Xiaoyu Wang Research Ming Yang Horizon Robotics Shenghuo Zhu Alibaba Group Yuanqing Lin Baidu Overview of this section Regionlet

More information

arxiv: v1 [cs.cv] 14 Dec 2015

arxiv: v1 [cs.cv] 14 Dec 2015 Instance-aware Semantic Segmentation via Multi-task Network Cascades Jifeng Dai Kaiming He Jian Sun Microsoft Research {jifdai,kahe,jiansun}@microsoft.com arxiv:1512.04412v1 [cs.cv] 14 Dec 2015 Abstract

More information

SSD: Single Shot MultiBox Detector. Author: Wei Liu et al. Presenter: Siyu Jiang

SSD: Single Shot MultiBox Detector. Author: Wei Liu et al. Presenter: Siyu Jiang SSD: Single Shot MultiBox Detector Author: Wei Liu et al. Presenter: Siyu Jiang Outline 1. Motivations 2. Contributions 3. Methodology 4. Experiments 5. Conclusions 6. Extensions Motivation Motivation

More information

[Supplementary Material] Improving Occlusion and Hard Negative Handling for Single-Stage Pedestrian Detectors

[Supplementary Material] Improving Occlusion and Hard Negative Handling for Single-Stage Pedestrian Detectors [Supplementary Material] Improving Occlusion and Hard Negative Handling for Single-Stage Pedestrian Detectors Junhyug Noh Soochan Lee Beomsu Kim Gunhee Kim Department of Computer Science and Engineering

More information

Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks

Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks Shaoqing Ren Kaiming He Ross Girshick Jian Sun Present by: Yixin Yang Mingdong Wang 1 Object Detection 2 1 Applications Basic

More information

CS 1674: Intro to Computer Vision. Object Recognition. Prof. Adriana Kovashka University of Pittsburgh April 3, 5, 2018

CS 1674: Intro to Computer Vision. Object Recognition. Prof. Adriana Kovashka University of Pittsburgh April 3, 5, 2018 CS 1674: Intro to Computer Vision Object Recognition Prof. Adriana Kovashka University of Pittsburgh April 3, 5, 2018 Different Flavors of Object Recognition Semantic Segmentation Classification + Localization

More information

Flow-Based Video Recognition

Flow-Based Video Recognition Flow-Based Video Recognition Jifeng Dai Visual Computing Group, Microsoft Research Asia Joint work with Xizhou Zhu*, Yuwen Xiong*, Yujie Wang*, Lu Yuan and Yichen Wei (* interns) Talk pipeline Introduction

More information

PT-NET: IMPROVE OBJECT AND FACE DETECTION VIA A PRE-TRAINED CNN MODEL

PT-NET: IMPROVE OBJECT AND FACE DETECTION VIA A PRE-TRAINED CNN MODEL PT-NET: IMPROVE OBJECT AND FACE DETECTION VIA A PRE-TRAINED CNN MODEL Yingxin Lou 1, Guangtao Fu 2, Zhuqing Jiang 1, Aidong Men 1, and Yun Zhou 2 1 Beijing University of Posts and Telecommunications, Beijing,

More information

Illuminating Pedestrians via Simultaneous Detection & Segmentation

Illuminating Pedestrians via Simultaneous Detection & Segmentation Illuminating Pedestrians via Simultaneous Detection & Segmentation Garrick Brazil, Xi Yin, Xiaoming Liu Michigan State University, East Lansing, MI 48824 {brazilga, yinxi1, liuxm}@msu.edu Abstract Pedestrian

More information

arxiv: v2 [cs.cv] 24 Jul 2018

arxiv: v2 [cs.cv] 24 Jul 2018 arxiv:1803.05549v2 [cs.cv] 24 Jul 2018 Object Detection in Video with Spatiotemporal Sampling Networks Gedas Bertasius 1, Lorenzo Torresani 2, and Jianbo Shi 1 1 University of Pennsylvania, 2 Dartmouth

More information

Deep Convolutional Neural Networks for Pedestrian Detection with Skip Pooling

Deep Convolutional Neural Networks for Pedestrian Detection with Skip Pooling Deep Convolutional Neural Networks for Pedestrian Detection with Skip Pooling Jie Liu, Xingkun Gao, Nianyuan Bao, Jie Tang, and Gangshan Wu State Key Laboratory for Novel Software Technology, Nanjing University,

More information

Encoder-Decoder Networks for Semantic Segmentation. Sachin Mehta

Encoder-Decoder Networks for Semantic Segmentation. Sachin Mehta Encoder-Decoder Networks for Semantic Segmentation Sachin Mehta Outline > Overview of Semantic Segmentation > Encoder-Decoder Networks > Results What is Semantic Segmentation? Input: RGB Image Output:

More information

Real-Time* Multiple Object Tracking (MOT) for Autonomous Navigation

Real-Time* Multiple Object Tracking (MOT) for Autonomous Navigation Real-Time* Multiple Object Tracking (MOT) for Autonomous Navigation Ankush Agarwal,1 Saurabh Suryavanshi,2 ankushag@stanford.edu saurabhv@stanford.edu Authors contributed equally for this project. 1 Google

More information

Feature Fusion for Scene Text Detection

Feature Fusion for Scene Text Detection 2018 13th IAPR International Workshop on Document Analysis Systems Feature Fusion for Scene Text Detection Zhen Zhu, Minghui Liao, Baoguang Shi, Xiang Bai School of Electronic Information and Communications

More information

Fine-tuning Pre-trained Large Scaled ImageNet model on smaller dataset for Detection task

Fine-tuning Pre-trained Large Scaled ImageNet model on smaller dataset for Detection task Fine-tuning Pre-trained Large Scaled ImageNet model on smaller dataset for Detection task Kyunghee Kim Stanford University 353 Serra Mall Stanford, CA 94305 kyunghee.kim@stanford.edu Abstract We use a

More information

Pixel Offset Regression (POR) for Single-shot Instance Segmentation

Pixel Offset Regression (POR) for Single-shot Instance Segmentation Pixel Offset Regression (POR) for Single-shot Instance Segmentation Yuezun Li 1, Xiao Bian 2, Ming-ching Chang 1, Longyin Wen 2 and Siwei Lyu 1 1 University at Albany, State University of New York, NY,

More information

3 Object Detection. BVM 2018 Tutorial: Advanced Deep Learning Methods. Paul F. Jaeger, Division of Medical Image Computing

3 Object Detection. BVM 2018 Tutorial: Advanced Deep Learning Methods. Paul F. Jaeger, Division of Medical Image Computing 3 Object Detection BVM 2018 Tutorial: Advanced Deep Learning Methods Paul F. Jaeger, of Medical Image Computing What is object detection? classification segmentation obj. detection (1 label per pixel)

More information

Abandoned Luggage Detection

Abandoned Luggage Detection Abandoned Luggage Detection Using deep neural networks to detect and track abandoned luggage in video By Evan Miller and Eli Selkin For CS519 instructed by Dr. Hao Ji At California State Polytechnic University,

More information

An Analysis of Scale Invariance in Object Detection SNIP

An Analysis of Scale Invariance in Object Detection SNIP An Analysis of Scale Invariance in Object Detection SNIP Bharat Singh Larry S. Davis University of Maryland, College Park {bharat,lsd}@cs.umd.edu Abstract An analysis of different techniques for recognizing

More information

Photo OCR ( )

Photo OCR ( ) Photo OCR (2017-2018) Xiang Bai Huazhong University of Science and Technology Outline VALSE2018, DaLian Xiang Bai 2 Deep Direct Regression for Multi-Oriented Scene Text Detection [He et al., ICCV, 2017.]

More information

Classifying a specific image region using convolutional nets with an ROI mask as input

Classifying a specific image region using convolutional nets with an ROI mask as input Classifying a specific image region using convolutional nets with an ROI mask as input 1 Sagi Eppel Abstract Convolutional neural nets (CNN) are the leading computer vision method for classifying images.

More information

Self Driving. DNN * * Reinforcement * Unsupervised *

Self Driving. DNN * * Reinforcement * Unsupervised * CNN 응용 Methods Traditional Deep-Learning based Non-machine Learning Machine-Learning based method Supervised SVM MLP CNN RNN (LSTM) Localizati on GPS, SLAM Self Driving Perception Pedestrian detection

More information

Object Detection and Its Implementation on Android Devices

Object Detection and Its Implementation on Android Devices Object Detection and Its Implementation on Android Devices Zhongjie Li Stanford University 450 Serra Mall, Stanford, CA 94305 jay2015@stanford.edu Rao Zhang Stanford University 450 Serra Mall, Stanford,

More information

arxiv: v1 [cs.cv] 19 Oct 2016

arxiv: v1 [cs.cv] 19 Oct 2016 arxiv:1610.06136v1 [cs.cv] 19 Oct 2016 POI: Multiple Object Tracking with High Performance Detection and Appearance Feature Fengwei Yu 1,3 Wenbo Li 2,3 Quanquan Li 3 Yu Liu 3 Xiaohua Shi 1 Junjie Yan 3

More information

arxiv: v2 [cs.cv] 8 Apr 2018

arxiv: v2 [cs.cv] 8 Apr 2018 Single-Shot Object Detection with Enriched Semantics Zhishuai Zhang 1 Siyuan Qiao 1 Cihang Xie 1 Wei Shen 1,2 Bo Wang 3 Alan L. Yuille 1 Johns Hopkins University 1 Shanghai University 2 Hikvision Research

More information

Object Detection on Self-Driving Cars in China. Lingyun Li

Object Detection on Self-Driving Cars in China. Lingyun Li Object Detection on Self-Driving Cars in China Lingyun Li Introduction Motivation: Perception is the key of self-driving cars Data set: 10000 images with annotation 2000 images without annotation (not

More information

arxiv: v1 [cs.cv] 20 Dec 2016

arxiv: v1 [cs.cv] 20 Dec 2016 End-to-End Pedestrian Collision Warning System based on a Convolutional Neural Network with Semantic Segmentation arxiv:1612.06558v1 [cs.cv] 20 Dec 2016 Heechul Jung heechul@dgist.ac.kr Min-Kook Choi mkchoi@dgist.ac.kr

More information

Xiaowei Hu* Lei Zhu* Chi-Wing Fu Jing Qin Pheng-Ann Heng

Xiaowei Hu* Lei Zhu* Chi-Wing Fu Jing Qin Pheng-Ann Heng Direction-aware Spatial Context Features for Shadow Detection Xiaowei Hu* Lei Zhu* Chi-Wing Fu Jing Qin Pheng-Ann Heng The Chinese University of Hong Kong The Hong Kong Polytechnic University Shenzhen

More information

A MultiPath Network for Object Detection

A MultiPath Network for Object Detection ZAGORUYKO et al.: A MULTIPATH NETWORK FOR OBJECT DETECTION 1 A MultiPath Network for Object Detection Sergey Zagoruyko, Adam Lerer, Tsung-Yi Lin, Pedro O. Pinheiro, Sam Gross, Soumith Chintala, Piotr Dollár

More information

AttentionNet for Accurate Localization and Detection of Objects. (To appear in ICCV 2015)

AttentionNet for Accurate Localization and Detection of Objects. (To appear in ICCV 2015) AttentionNet for Accurate Localization and Detection of Objects. (To appear in ICCV 2015) Donggeun Yoo, Sunggyun Park, Joon-Young Lee, Anthony Paek, In So Kweon. State-of-the-art frameworks for object

More information

Optimizing Object Detection:

Optimizing Object Detection: Lecture 10: Optimizing Object Detection: A Case Study of R-CNN, Fast R-CNN, and Faster R-CNN and Single Shot Detection Visual Computing Systems Today s task: object detection Image classification: what

More information

Bilinear Models for Fine-Grained Visual Recognition

Bilinear Models for Fine-Grained Visual Recognition Bilinear Models for Fine-Grained Visual Recognition Subhransu Maji College of Information and Computer Sciences University of Massachusetts, Amherst Fine-grained visual recognition Example: distinguish

More information

Scene Text Recognition for Augmented Reality. Sagar G V Adviser: Prof. Bharadwaj Amrutur Indian Institute Of Science

Scene Text Recognition for Augmented Reality. Sagar G V Adviser: Prof. Bharadwaj Amrutur Indian Institute Of Science Scene Text Recognition for Augmented Reality Sagar G V Adviser: Prof. Bharadwaj Amrutur Indian Institute Of Science Outline Research area and motivation Finding text in natural scenes Prior art Improving

More information

Intro to Deep Learning. Slides Credit: Andrej Karapathy, Derek Hoiem, Marc Aurelio, Yann LeCunn

Intro to Deep Learning. Slides Credit: Andrej Karapathy, Derek Hoiem, Marc Aurelio, Yann LeCunn Intro to Deep Learning Slides Credit: Andrej Karapathy, Derek Hoiem, Marc Aurelio, Yann LeCunn Why this class? Deep Features Have been able to harness the big data in the most efficient and effective

More information

A Comparison of CNN-based Face and Head Detectors for Real-Time Video Surveillance Applications

A Comparison of CNN-based Face and Head Detectors for Real-Time Video Surveillance Applications A Comparison of CNN-based Face and Head Detectors for Real-Time Video Surveillance Applications Le Thanh Nguyen-Meidine 1, Eric Granger 1, Madhu Kiran 1 and Louis-Antoine Blais-Morin 2 1 École de technologie

More information

CIS680: Vision & Learning Assignment 2.b: RPN, Faster R-CNN and Mask R-CNN Due: Nov. 21, 2018 at 11:59 pm

CIS680: Vision & Learning Assignment 2.b: RPN, Faster R-CNN and Mask R-CNN Due: Nov. 21, 2018 at 11:59 pm CIS680: Vision & Learning Assignment 2.b: RPN, Faster R-CNN and Mask R-CNN Due: Nov. 21, 2018 at 11:59 pm Instructions This is an individual assignment. Individual means each student must hand in their

More information

Towards High Performance Video Object Detection

Towards High Performance Video Object Detection Towards High Performance Video Object Detection Xizhou Zhu 1,2 Jifeng Dai 2 Lu Yuan 2 Yichen Wei 2 1 University of Science and Technology of China 2 Microsoft Research ezra0408@mail.ustc.edu.cn {jifdai,luyuan,yichenw}@microsoft.com

More information

Architecting new deep neural networks for embedded applications

Architecting new deep neural networks for embedded applications Architecting new deep neural networks for embedded applications Forrest Iandola 1 Machine Learning in 2012 Sentiment Analysis LDA Object Detection Deformable Parts Model Word Prediction Linear Interpolation

More information

Supplementary material for Analyzing Filters Toward Efficient ConvNet

Supplementary material for Analyzing Filters Toward Efficient ConvNet Supplementary material for Analyzing Filters Toward Efficient Net Takumi Kobayashi National Institute of Advanced Industrial Science and Technology, Japan takumi.kobayashi@aist.go.jp A. Orthonormal Steerable

More information

arxiv: v3 [cs.cv] 29 Mar 2017

arxiv: v3 [cs.cv] 29 Mar 2017 EVOLVING BOXES FOR FAST VEHICLE DETECTION Li Wang 1,2, Yao Lu 3, Hong Wang 2, Yingbin Zheng 2, Hao Ye 2, Xiangyang Xue 1 arxiv:1702.00254v3 [cs.cv] 29 Mar 2017 1 Shanghai Key Lab of Intelligent Information

More information

Traffic Multiple Target Detection on YOLOv2

Traffic Multiple Target Detection on YOLOv2 Traffic Multiple Target Detection on YOLOv2 Junhong Li, Huibin Ge, Ziyang Zhang, Weiqin Wang, Yi Yang Taiyuan University of Technology, Shanxi, 030600, China wangweiqin1609@link.tyut.edu.cn Abstract Background

More information

R-FCN++: Towards Accurate Region-Based Fully Convolutional Networks for Object Detection

R-FCN++: Towards Accurate Region-Based Fully Convolutional Networks for Object Detection The Thirty-Second AAAI Conference on Artificial Intelligence (AAAI-18) R-FCN++: Towards Accurate Region-Based Fully Convolutional Networks for Object Detection Zeming Li, 1 Yilun Chen, 2 Gang Yu, 2 Yangdong

More information

Introduction to Deep Learning for Facial Understanding Part III: Regional CNNs

Introduction to Deep Learning for Facial Understanding Part III: Regional CNNs Introduction to Deep Learning for Facial Understanding Part III: Regional CNNs Raymond Ptucha, Rochester Institute of Technology, USA Tutorial-9 May 19, 218 www.nvidia.com/dli R. Ptucha 18 1 Fair Use Agreement

More information

Instance-aware Semantic Segmentation via Multi-task Network Cascades

Instance-aware Semantic Segmentation via Multi-task Network Cascades Instance-aware Semantic Segmentation via Multi-task Network Cascades Jifeng Dai, Kaiming He, Jian Sun Microsoft research 2016 Yotam Gil Amit Nativ Agenda Introduction Highlights Implementation Further

More information

POINT CLOUD DEEP LEARNING

POINT CLOUD DEEP LEARNING POINT CLOUD DEEP LEARNING Innfarn Yoo, 3/29/28 / 57 Introduction AGENDA Previous Work Method Result Conclusion 2 / 57 INTRODUCTION 3 / 57 2D OBJECT CLASSIFICATION Deep Learning for 2D Object Classification

More information

FCHD: A fast and accurate head detector

FCHD: A fast and accurate head detector JOURNAL OF L A TEX CLASS FILES, VOL. 14, NO. 8, AUGUST 2015 1 FCHD: A fast and accurate head detector Aditya Vora, Johnson Controls Inc. arxiv:1809.08766v2 [cs.cv] 26 Sep 2018 Abstract In this paper, we

More information

Mask R-CNN. By Kaiming He, Georgia Gkioxari, Piotr Dollar and Ross Girshick Presented By Aditya Sanghi

Mask R-CNN. By Kaiming He, Georgia Gkioxari, Piotr Dollar and Ross Girshick Presented By Aditya Sanghi Mask R-CNN By Kaiming He, Georgia Gkioxari, Piotr Dollar and Ross Girshick Presented By Aditya Sanghi Types of Computer Vision Tasks http://cs231n.stanford.edu/ Semantic vs Instance Segmentation Image

More information

Fully-Convolutional Siamese Networks for Object Tracking

Fully-Convolutional Siamese Networks for Object Tracking Fully-Convolutional Siamese Networks for Object Tracking Luca Bertinetto*, Jack Valmadre*, João Henriques, Andrea Vedaldi and Philip Torr www.robots.ox.ac.uk/~luca luca.bertinetto@eng.ox.ac.uk Tracking

More information

arxiv: v1 [cs.lg] 9 Jan 2019

arxiv: v1 [cs.lg] 9 Jan 2019 How Compact?: Assessing Compactness of Representations through Layer-Wise Pruning Hyun-Joo Jung 1 Jaedeok Kim 1 Yoonsuck Choe 1,2 1 Machine Learning Lab, Artificial Intelligence Center, Samsung Research,

More information

arxiv: v1 [cs.cv] 4 Jun 2015

arxiv: v1 [cs.cv] 4 Jun 2015 Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks arxiv:1506.01497v1 [cs.cv] 4 Jun 2015 Shaoqing Ren Kaiming He Ross Girshick Jian Sun Microsoft Research {v-shren, kahe, rbg,

More information

Modeling and Propagating CNNs in a Tree Structure for Visual Tracking

Modeling and Propagating CNNs in a Tree Structure for Visual Tracking The Visual Object Tracking Challenge Workshop 2016 Modeling and Propagating CNNs in a Tree Structure for Visual Tracking Hyeonseob Nam* Mooyeol Baek* Bohyung Han Dept. of Computer Science and Engineering

More information

Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks

Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks Si Chen The George Washington University sichen@gwmail.gwu.edu Meera Hahn Emory University mhahn7@emory.edu Mentor: Afshin

More information

Industrial Technology Research Institute, Hsinchu, Taiwan, R.O.C ǂ

Industrial Technology Research Institute, Hsinchu, Taiwan, R.O.C ǂ Stop Line Detection and Distance Measurement for Road Intersection based on Deep Learning Neural Network Guan-Ting Lin 1, Patrisia Sherryl Santoso *1, Che-Tsung Lin *ǂ, Chia-Chi Tsai and Jiun-In Guo National

More information

Robust Hand Detection and Classification in Vehicles and in the Wild

Robust Hand Detection and Classification in Vehicles and in the Wild Robust Hand Detection and Classification in Vehicles and in the Wild T. Hoang Ngan Le Kha Gia Quach Chenchen Zhu Chi Nhan Duong Khoa Luu Marios Savvides CyLab Biometrics Center, Carnegie Mellon University

More information

Mask R-CNN. Kaiming He, Georgia, Gkioxari, Piotr Dollar, Ross Girshick Presenters: Xiaokang Wang, Mengyao Shi Feb. 13, 2018

Mask R-CNN. Kaiming He, Georgia, Gkioxari, Piotr Dollar, Ross Girshick Presenters: Xiaokang Wang, Mengyao Shi Feb. 13, 2018 Mask R-CNN Kaiming He, Georgia, Gkioxari, Piotr Dollar, Ross Girshick Presenters: Xiaokang Wang, Mengyao Shi Feb. 13, 2018 1 Common computer vision tasks Image Classification: one label is generated for

More information

LARGE-SCALE PERSON RE-IDENTIFICATION AS RETRIEVAL

LARGE-SCALE PERSON RE-IDENTIFICATION AS RETRIEVAL LARGE-SCALE PERSON RE-IDENTIFICATION AS RETRIEVAL Hantao Yao 1,2, Shiliang Zhang 3, Dongming Zhang 1, Yongdong Zhang 1,2, Jintao Li 1, Yu Wang 4, Qi Tian 5 1 Key Lab of Intelligent Information Processing

More information

arxiv: v2 [cs.cv] 18 Jul 2017

arxiv: v2 [cs.cv] 18 Jul 2017 PHAM, ITO, KOZAKAYA: BISEG 1 arxiv:1706.02135v2 [cs.cv] 18 Jul 2017 BiSeg: Simultaneous Instance Segmentation and Semantic Segmentation with Fully Convolutional Networks Viet-Quoc Pham quocviet.pham@toshiba.co.jp

More information