SlideShare una empresa de Scribd logo
1 de 49
Descargar para leer sin conexión
AutoML for Object Detection
Xiangyu Zhang
MEGVII Research
AutoML for
Object Detection
• Advances in AutoML
• Search for Detection Systems
2
1
AutoML for
Object Detection
• Advances in AutoML
• Search for Detection Systems
2
1
Introduction
v AutoML
o A meta-approach to generate machine learning systems
o Automatically search vs. manually design
v AutoML for Deep Learning
o Neural architecture search (NAS)
o Hyper-parameters turning
o Loss function
o Data augmentation
o Activation function
o Backpropagation
…
Revolution of AutoML
v ImageNet 2012 -
o Hand-craft feature
vs. deep learning
v Era of Deep
Learning begins!
27
26.2
16.4
8.1
7.3
6.6
4.9
3.57
OXFORD ISI AlexNet SPPnet VGG GoogleNet PReLU ResNet 152
Classification Top-5 Error (%)
Revolution of AutoML (cont’d)
v ImageNet 2017 -
o Manual architecture
vs. AutoML models
19.1
17.3 17.3
17.1
16.1
15.6
ResNeXt-101 SENet NASNet-A PNASNet-5 AmoebaNet-A EfficientNet
Classification Top-1 Error (%)
Era of AutoML?
Revolution of AutoML (cont’d)
v Literature
o 200+ since 2017
Revolution of AutoML (cont’d)
v Literature
o 200+ since 2017
v Google Trends
Recent Advances in AutoML (1)
v Surpassing handcraft models
o NASNet
v Keynotes
o RNN controller + policy gradient
o Flexible search space
o Proxy task needed
Zoph et al. Learning Transferable Architectures for Scalable Image Recognition
Zoph et al. Neural Architecture Search with Reinforcement Learning
Recent Advances in AutoML (2)
v Search on the target task
o MnasNet
v Keynotes
o Search directly on ImageNet
o Platform aware search
o Very costly (thousands of TPU-days)
Tan et al. MnasNet: Platform-Aware Neural Architecture Search for Mobile
Recent Advances in AutoML (3)
v Weight Sharing for Efficient Search & Evaluation
o ENAS
o One-shot methods
v Keynotes
o Super network
o Finetuning & inference only instead of retraining
o Inconsistency in super net evaluation
Pham et al. Efficient Neural Architecture Search via Parameter Sharing
Bender et al. Understanding and Simplifying One-Shot Architecture Search
Guo et al. Single Path One-Shot Neural Architecture Search with Uniform Sampling
Recent Advances in AutoML (4)
v Gradient-based methods
o DARTS
o SNAS, FBNet, ProxylessNAS, …
v Keynotes
o Joint optimization of architectures and weights
o Weight sharing implied
o Sometimes less flexible
Liu et al. DARTS: Differentiable Architecture Search
Xie et al. SNAS: Stochastic Neural Architecture Search
Cai et al. ProxylessNAS: Direct Neural Architecture Search on Target Task and Hardware
Wu et al. FBNet: Hardware-Aware Efficient ConvNet Design via Differentiable Neural Architecture Search
Recent Advances in AutoML (5)
v Performance Predictor
o Neural Architecture Optimization
o ChamNet
v Keynotes
o Architecture encoding
o Performance prediction models
o Cold start problem
Luo et al. Neural Architecture Optimization
Dai et al. ChamNet: Towards Efficient Network Design through Platform-Aware Model Adaptation
Recent Advances in AutoML (6)
v Hardware-aware Search
o Search with complexity budget
o Quantization friendly
o Energy-aware search
…
v Keynotes
o Complexity-aware loss & reward
o Multi-target search
o Device in the loop
Wu et al. Mixed Precision Quantization of ConvNets via Differentiable Neural Architecture Search
V´eniat et al. Learning Time/Memory-Efficient Deep Architectures with Budgeted Super Networks
Wang et al. HAQ: Hardware-Aware Automated Quantization with Mixed Precision
Recent Advances in AutoML (7)
v AutoML in Model Pruning
o NetAdapt
o AMC
o MetaPruning
v Keynotes
o Search for the pruned architecture
o Hyper-parameters like channels, spatial size, …
Yang et al. NetAdapt: Platform-Aware Neural Network Adaptation for Mobile Applications
He et al. AMC: AutoML for Model Compression and Acceleration on Mobile Devices
Liu et al. MetaPruning: Meta Learning for Automatic Neural Network Channel Pruning
Recent Advances in AutoML (8)
v Handcraft + NAS
o Human-expert guided search (IRLAS)
o Boosting existing handcraft models (EfficientNet,
MobileNet v3)
v Keynotes
o Very competitive performance
o Efficient
o Search space may be restricted
Howard et al. Searching for MobileNetV3
Tan et al. EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks
Guo et al. IRLAS: Inverse Reinforcement Learning for Architecture Search
Recent Advances in AutoML (9)
v Various Tasks
o Object Detection
o Semantic Segmentation
o Super-resolution
o Face Recognition
…
Liu et al. Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Image Segmentation
Chu et al. Fast, Accurate and Lightweight Super-Resolution with Neural Architecture Search
Ramachandra et al. Searching for Activation Functions
Alber et al. Backprop Evolution
v Not only NAS, search for everything!
o Activation function
o Loss function
o Data augmentation
o Backpropagation
…
Recent Advances in AutoML (10)
v Rethinking the Effectiveness of NAS
o Random search
o Random wire network
v Keynotes
o Reproducibility
o Search algorithm or search space?
o Baselines
Li et al. Random Search and Reproducibility for Neural Architecture Search
Xie et al. Exploring Randomly Wired Neural Networks for Image Recognition
Summary: Trends and Challenges
v Trends
o Efficient & high-performance algorithm
o Flexible search space
o Device-aware optimization
o Multi-task / Multi-target search
v Challenges
o Trade-offs between efficiency, performance and flexibility
o Search space matters!
o Fair benchmarks
o Pipeline search
Efficiency
FlexibilityPerformance
AutoML for
Object Detection
• Advances in AutoML
• Search for Detection Systems
2
1
AutoML for Object Detection
v Components to search
o Image preprocessing
o Backbone
o Feature fusion
o Detection head & loss function
…
AutoML for Object Detection
v Components to search
o Image preprocessing
o Backbone
o Feature fusion
o Detection head & loss function
…
AutoML for Object Detection
v Components to search
o Image preprocessing
o Backbone
o Feature fusion
o Detection head & loss function
…
AutoML for Object Detection
v Components to search
o Image preprocessing
o Backbone
o Feature fusion
o Detection head & loss function
…
AutoML for Object Detection
v Components to search
o Image preprocessing
o Backbone
o Feature fusion
o Detection head & loss function
…
Search for Detection Systems
Feature Fusion Augmentation
DetNAS
Chen et al. DetNAS: Backbone Search for Object Detection
Challenges of Backbone Search
v Similar to general NAS, but …
o Controller & evaluator loop
o Performance evaluation is very slow
v Detection backbone evaluation involves a
costly pipeline
o ImageNet pretraining
o Finetuning on the detection dataset (e.g. COCO)
o Evaluation on the validation set
Related Work: Single Path One-shot NAS
v Decoupled weight training and architecture optimization
v Super net training
Guo et al. Single Path One-Shot Neural Architecture Search with Uniform Sampling
Pipeline
v Single-pass approach
o Pretrain and finetune super net only once
Search Space
v Single path super net
o 20 (small) or 40 (large) choice blocks
o 4 candidates for each choice block
o Search space size: 420 or 440
Search Algorithm
v Evolutionary search
o Sample & reuse the weights from super net
o Very efficient
Results
v High performance
o Significant improvements over commonly used backbones (e.g. ResNet 50) with fewer FLOPs
o Best classification backbones may be suboptimal for object detection
Results
v Search cost
o Super nets greatly speed up search progress!
Search for Detection Systems
Backbone Feature Fusion Augmentation
NAS-FPN
Ghaisi et al. NAS-FPN: Learning Scalable Feature Pyramid Architecture for Object Detection
Feature Fusion Modules
v Multi-scale feature fusion
o Used in state-of-the-art detectors (e.g. SSD, FPN, SNIP, FCOS, …)
v Automatic search vs. manual design
First Glance
v Searched architecture
o Very different from handcraft structures
Search Space
v Stacking repeated FPN blocks
v For each FPN block, N different merging cells
v For each merging cell, 4-step generations
Search Algorithm
v Controller
o RNN-based controller
o Search with Proximal Policy Optimization (PPO)
v Candidate evaluation
o Training a light-weight proxy task
Architectures During Search
v Many downsamples and upsamples
Results
v State-of-the-art speed/AP trade-off
Search for Detection Systems
Backbone Feature Fusion Augmentation
Auto-Augment for
Detection
Zoph et al. Learning Data Augmentation Strategies for Object Detection
Data Augmentation for Object Detection
v Augmentation pool
o Color distortions
o Geometric transforms
o Random noise (e.g. cutout, drop block, …)
o Mix-up
…
v Search for the best augmentation configurations
Search Space Design
v Mainly follows AutoAugment
v Randomly sampling from K sub-policies
v For each sub-policy, N image transforms
v Each image transform selected from 22 operations:
o Color operations
o Geometric operations
o Bounding box operations
Cubuk et al. AutoAugment: Learning Augmentation Strategies from Data
Search Space Design (cont’d)
Search Algorithm
v Very similar to NAS-FPN
v Controller
o RNN-based controller
o Search with Proximal Policy Optimization (PPO)
v Evaluation
o A small proxy dataset
o Short-time training
Results
v Significantly outperforms previous state-of-the-arts
Analysis
v Better regularization
Future Work
v More search dimensions
o E.g. loss, anchor boxes, assign rules, post-processing, …
v Reducing search cost
v Joint optimization
Q & A

Más contenido relacionado

La actualidad más candente

Fcv rep darrell
Fcv rep darrellFcv rep darrell
Fcv rep darrell
zukun
 

La actualidad más candente (20)

Faster R-CNN
Faster R-CNNFaster R-CNN
Faster R-CNN
 
DeepFix: a fully convolutional neural network for predicting human fixations...
DeepFix:  a fully convolutional neural network for predicting human fixations...DeepFix:  a fully convolutional neural network for predicting human fixations...
DeepFix: a fully convolutional neural network for predicting human fixations...
 
Pelee: a real time object detection system on mobile devices Paper Review
Pelee: a real time object detection system on mobile devices Paper ReviewPelee: a real time object detection system on mobile devices Paper Review
Pelee: a real time object detection system on mobile devices Paper Review
 
Fcv rep darrell
Fcv rep darrellFcv rep darrell
Fcv rep darrell
 
Toronto meetup 20190917
Toronto meetup 20190917Toronto meetup 20190917
Toronto meetup 20190917
 
YOLOv4: optimal speed and accuracy of object detection review
YOLOv4: optimal speed and accuracy of object detection reviewYOLOv4: optimal speed and accuracy of object detection review
YOLOv4: optimal speed and accuracy of object detection review
 
Cvpr 2017 Summary Meetup
Cvpr 2017 Summary MeetupCvpr 2017 Summary Meetup
Cvpr 2017 Summary Meetup
 
Devil in the Details: Analysing the Performance of ConvNet Features
Devil in the Details: Analysing the Performance of ConvNet FeaturesDevil in the Details: Analysing the Performance of ConvNet Features
Devil in the Details: Analysing the Performance of ConvNet Features
 
5 Practical Steps to a Successful Deep Learning Research
5 Practical Steps to a Successful  Deep Learning Research5 Practical Steps to a Successful  Deep Learning Research
5 Practical Steps to a Successful Deep Learning Research
 
Image Classification Done Simply using Keras and TensorFlow
Image Classification Done Simply using Keras and TensorFlow Image Classification Done Simply using Keras and TensorFlow
Image Classification Done Simply using Keras and TensorFlow
 
Anomaly Detection at Scale
Anomaly Detection at ScaleAnomaly Detection at Scale
Anomaly Detection at Scale
 
PR-110: An Analysis of Scale Invariance in Object Detection – SNIP
PR-110: An Analysis of Scale Invariance in Object Detection – SNIPPR-110: An Analysis of Scale Invariance in Object Detection – SNIP
PR-110: An Analysis of Scale Invariance in Object Detection – SNIP
 
Mask R-CNN
Mask R-CNNMask R-CNN
Mask R-CNN
 
PR-146: CornerNet detecting objects as paired keypoints
PR-146: CornerNet detecting objects as paired keypointsPR-146: CornerNet detecting objects as paired keypoints
PR-146: CornerNet detecting objects as paired keypoints
 
Object detection with Tensorflow Api
Object detection with Tensorflow ApiObject detection with Tensorflow Api
Object detection with Tensorflow Api
 
Object extraction from satellite imagery using deep learning
Object extraction from satellite imagery using deep learningObject extraction from satellite imagery using deep learning
Object extraction from satellite imagery using deep learning
 
HyperCuP Lightweight Implementation
HyperCuP Lightweight ImplementationHyperCuP Lightweight Implementation
HyperCuP Lightweight Implementation
 
Visual Saliency Prediction with Deep Learning - Kevin McGuinness - UPC Barcel...
Visual Saliency Prediction with Deep Learning - Kevin McGuinness - UPC Barcel...Visual Saliency Prediction with Deep Learning - Kevin McGuinness - UPC Barcel...
Visual Saliency Prediction with Deep Learning - Kevin McGuinness - UPC Barcel...
 
Large-Scale Lasso and Elastic-Net Regularized Generalized Linear Models (DB T...
Large-Scale Lasso and Elastic-Net Regularized Generalized Linear Models (DB T...Large-Scale Lasso and Elastic-Net Regularized Generalized Linear Models (DB T...
Large-Scale Lasso and Elastic-Net Regularized Generalized Linear Models (DB T...
 
Automating materials science workflows with pymatgen, FireWorks, and atomate
Automating materials science workflows with pymatgen, FireWorks, and atomateAutomating materials science workflows with pymatgen, FireWorks, and atomate
Automating materials science workflows with pymatgen, FireWorks, and atomate
 

Similar a Object Detection Beyond Mask R-CNN and RetinaNet II

odtslide-180529073940.pptx
odtslide-180529073940.pptxodtslide-180529073940.pptx
odtslide-180529073940.pptx
ahmedchammam
 
A Pragmatic Approach to Semantic Repositories Benchmarking
A Pragmatic Approach to Semantic Repositories BenchmarkingA Pragmatic Approach to Semantic Repositories Benchmarking
A Pragmatic Approach to Semantic Repositories Benchmarking
Dhaval Thakker
 
Presentation
PresentationPresentation
Presentation
butest
 

Similar a Object Detection Beyond Mask R-CNN and RetinaNet II (20)

Anomaly Detection with Azure and .NET
Anomaly Detection with Azure and .NETAnomaly Detection with Azure and .NET
Anomaly Detection with Azure and .NET
 
Anomaly Detection with Azure and .net
Anomaly Detection with Azure and .netAnomaly Detection with Azure and .net
Anomaly Detection with Azure and .net
 
Region-oriented Convolutional Networks for Object Retrieval
Region-oriented Convolutional Networks for Object RetrievalRegion-oriented Convolutional Networks for Object Retrieval
Region-oriented Convolutional Networks for Object Retrieval
 
Everything you need to know about AutoML
Everything you need to know about AutoMLEverything you need to know about AutoML
Everything you need to know about AutoML
 
odtslide-180529073940.pptx
odtslide-180529073940.pptxodtslide-180529073940.pptx
odtslide-180529073940.pptx
 
The Status of ML Algorithms for Structure-property Relationships Using Matb...
The Status of ML Algorithms for Structure-property Relationships Using Matb...The Status of ML Algorithms for Structure-property Relationships Using Matb...
The Status of ML Algorithms for Structure-property Relationships Using Matb...
 
A Pragmatic Approach to Semantic Repositories Benchmarking
A Pragmatic Approach to Semantic Repositories BenchmarkingA Pragmatic Approach to Semantic Repositories Benchmarking
A Pragmatic Approach to Semantic Repositories Benchmarking
 
Challenges on Distributed Machine Learning
Challenges on Distributed Machine LearningChallenges on Distributed Machine Learning
Challenges on Distributed Machine Learning
 
[CVPR 2018] Utilizing unlabeled or noisy labeled data (classification, detect...
[CVPR 2018] Utilizing unlabeled or noisy labeled data (classification, detect...[CVPR 2018] Utilizing unlabeled or noisy labeled data (classification, detect...
[CVPR 2018] Utilizing unlabeled or noisy labeled data (classification, detect...
 
Plank
PlankPlank
Plank
 
The Concurrent Constraint Programming Research Programmes -- Redux
The Concurrent Constraint Programming Research Programmes -- ReduxThe Concurrent Constraint Programming Research Programmes -- Redux
The Concurrent Constraint Programming Research Programmes -- Redux
 
Real time analytics @ netflix
Real time analytics @ netflixReal time analytics @ netflix
Real time analytics @ netflix
 
Machine Learning for Dummies (without mathematics)
Machine Learning for Dummies (without mathematics)Machine Learning for Dummies (without mathematics)
Machine Learning for Dummies (without mathematics)
 
Atomate: a tool for rapid high-throughput computing and materials discovery
Atomate: a tool for rapid high-throughput computing and materials discoveryAtomate: a tool for rapid high-throughput computing and materials discovery
Atomate: a tool for rapid high-throughput computing and materials discovery
 
Machine learning-for-dummies-andrews-sobral-activeeon
Machine learning-for-dummies-andrews-sobral-activeeonMachine learning-for-dummies-andrews-sobral-activeeon
Machine learning-for-dummies-andrews-sobral-activeeon
 
Buidling large scale recommendation engine
Buidling large scale recommendation engineBuidling large scale recommendation engine
Buidling large scale recommendation engine
 
Presentation
PresentationPresentation
Presentation
 
物件偵測與辨識技術
物件偵測與辨識技術物件偵測與辨識技術
物件偵測與辨識技術
 
Open and Automated Machine Learning
Open and Automated Machine LearningOpen and Automated Machine Learning
Open and Automated Machine Learning
 
Object Detection with Tensorflow
Object Detection with TensorflowObject Detection with Tensorflow
Object Detection with Tensorflow
 

Más de Wanjin Yu

Más de Wanjin Yu (10)

Architecture Design for Deep Neural Networks II
Architecture Design for Deep Neural Networks IIArchitecture Design for Deep Neural Networks II
Architecture Design for Deep Neural Networks II
 
Architecture Design for Deep Neural Networks I
Architecture Design for Deep Neural Networks IArchitecture Design for Deep Neural Networks I
Architecture Design for Deep Neural Networks I
 
Causally regularized machine learning
Causally regularized machine learningCausally regularized machine learning
Causally regularized machine learning
 
Object Detection Beyond Mask R-CNN and RetinaNet III
Object Detection Beyond Mask R-CNN and RetinaNet IIIObject Detection Beyond Mask R-CNN and RetinaNet III
Object Detection Beyond Mask R-CNN and RetinaNet III
 
Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...
Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...
Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...
 
Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...
Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...
Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...
 
Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...
Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...
Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...
 
Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...
Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...
Intelligent Image Enhancement and Restoration - From Prior Driven Model to Ad...
 
Human Behavior Understanding: From Human-Oriented Analysis to Action Recognit...
Human Behavior Understanding: From Human-Oriented Analysis to Action Recognit...Human Behavior Understanding: From Human-Oriented Analysis to Action Recognit...
Human Behavior Understanding: From Human-Oriented Analysis to Action Recognit...
 
Big Data Intelligence: from Correlation Discovery to Causal Reasoning
Big Data Intelligence: from Correlation Discovery to Causal Reasoning Big Data Intelligence: from Correlation Discovery to Causal Reasoning
Big Data Intelligence: from Correlation Discovery to Causal Reasoning
 

Último

Indian Escort in Abu DHabi 0508644382 Abu Dhabi Escorts
Indian Escort in Abu DHabi 0508644382 Abu Dhabi EscortsIndian Escort in Abu DHabi 0508644382 Abu Dhabi Escorts
Indian Escort in Abu DHabi 0508644382 Abu Dhabi Escorts
Monica Sydney
 
一比一原版(Flinders毕业证书)弗林德斯大学毕业证原件一模一样
一比一原版(Flinders毕业证书)弗林德斯大学毕业证原件一模一样一比一原版(Flinders毕业证书)弗林德斯大学毕业证原件一模一样
一比一原版(Flinders毕业证书)弗林德斯大学毕业证原件一模一样
ayvbos
 
Russian Call girls in Abu Dhabi 0508644382 Abu Dhabi Call girls
Russian Call girls in Abu Dhabi 0508644382 Abu Dhabi Call girlsRussian Call girls in Abu Dhabi 0508644382 Abu Dhabi Call girls
Russian Call girls in Abu Dhabi 0508644382 Abu Dhabi Call girls
Monica Sydney
 
一比一原版田纳西大学毕业证如何办理
一比一原版田纳西大学毕业证如何办理一比一原版田纳西大学毕业证如何办理
一比一原版田纳西大学毕业证如何办理
F
 
原版制作美国爱荷华大学毕业证(iowa毕业证书)学位证网上存档可查
原版制作美国爱荷华大学毕业证(iowa毕业证书)学位证网上存档可查原版制作美国爱荷华大学毕业证(iowa毕业证书)学位证网上存档可查
原版制作美国爱荷华大学毕业证(iowa毕业证书)学位证网上存档可查
ydyuyu
 
Abu Dhabi Escorts Service 0508644382 Escorts in Abu Dhabi
Abu Dhabi Escorts Service 0508644382 Escorts in Abu DhabiAbu Dhabi Escorts Service 0508644382 Escorts in Abu Dhabi
Abu Dhabi Escorts Service 0508644382 Escorts in Abu Dhabi
Monica Sydney
 
一比一原版(Offer)康考迪亚大学毕业证学位证靠谱定制
一比一原版(Offer)康考迪亚大学毕业证学位证靠谱定制一比一原版(Offer)康考迪亚大学毕业证学位证靠谱定制
一比一原版(Offer)康考迪亚大学毕业证学位证靠谱定制
pxcywzqs
 
Top profile Call Girls In Dindigul [ 7014168258 ] Call Me For Genuine Models ...
Top profile Call Girls In Dindigul [ 7014168258 ] Call Me For Genuine Models ...Top profile Call Girls In Dindigul [ 7014168258 ] Call Me For Genuine Models ...
Top profile Call Girls In Dindigul [ 7014168258 ] Call Me For Genuine Models ...
gajnagarg
 

Último (20)

Indian Escort in Abu DHabi 0508644382 Abu Dhabi Escorts
Indian Escort in Abu DHabi 0508644382 Abu Dhabi EscortsIndian Escort in Abu DHabi 0508644382 Abu Dhabi Escorts
Indian Escort in Abu DHabi 0508644382 Abu Dhabi Escorts
 
一比一原版(Flinders毕业证书)弗林德斯大学毕业证原件一模一样
一比一原版(Flinders毕业证书)弗林德斯大学毕业证原件一模一样一比一原版(Flinders毕业证书)弗林德斯大学毕业证原件一模一样
一比一原版(Flinders毕业证书)弗林德斯大学毕业证原件一模一样
 
Tadepalligudem Escorts Service Girl ^ 9332606886, WhatsApp Anytime Tadepallig...
Tadepalligudem Escorts Service Girl ^ 9332606886, WhatsApp Anytime Tadepallig...Tadepalligudem Escorts Service Girl ^ 9332606886, WhatsApp Anytime Tadepallig...
Tadepalligudem Escorts Service Girl ^ 9332606886, WhatsApp Anytime Tadepallig...
 
Russian Call girls in Abu Dhabi 0508644382 Abu Dhabi Call girls
Russian Call girls in Abu Dhabi 0508644382 Abu Dhabi Call girlsRussian Call girls in Abu Dhabi 0508644382 Abu Dhabi Call girls
Russian Call girls in Abu Dhabi 0508644382 Abu Dhabi Call girls
 
Ballia Escorts Service Girl ^ 9332606886, WhatsApp Anytime Ballia
Ballia Escorts Service Girl ^ 9332606886, WhatsApp Anytime BalliaBallia Escorts Service Girl ^ 9332606886, WhatsApp Anytime Ballia
Ballia Escorts Service Girl ^ 9332606886, WhatsApp Anytime Ballia
 
"Boost Your Digital Presence: Partner with a Leading SEO Agency"
"Boost Your Digital Presence: Partner with a Leading SEO Agency""Boost Your Digital Presence: Partner with a Leading SEO Agency"
"Boost Your Digital Presence: Partner with a Leading SEO Agency"
 
2nd Solid Symposium: Solid Pods vs Personal Knowledge Graphs
2nd Solid Symposium: Solid Pods vs Personal Knowledge Graphs2nd Solid Symposium: Solid Pods vs Personal Knowledge Graphs
2nd Solid Symposium: Solid Pods vs Personal Knowledge Graphs
 
20240510 QFM016 Irresponsible AI Reading List April 2024.pdf
20240510 QFM016 Irresponsible AI Reading List April 2024.pdf20240510 QFM016 Irresponsible AI Reading List April 2024.pdf
20240510 QFM016 Irresponsible AI Reading List April 2024.pdf
 
一比一原版田纳西大学毕业证如何办理
一比一原版田纳西大学毕业证如何办理一比一原版田纳西大学毕业证如何办理
一比一原版田纳西大学毕业证如何办理
 
Call girls Service in Ajman 0505086370 Ajman call girls
Call girls Service in Ajman 0505086370 Ajman call girlsCall girls Service in Ajman 0505086370 Ajman call girls
Call girls Service in Ajman 0505086370 Ajman call girls
 
Story Board.pptxrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrr
Story Board.pptxrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrStory Board.pptxrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrr
Story Board.pptxrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrrr
 
Best SEO Services Company in Dallas | Best SEO Agency Dallas
Best SEO Services Company in Dallas | Best SEO Agency DallasBest SEO Services Company in Dallas | Best SEO Agency Dallas
Best SEO Services Company in Dallas | Best SEO Agency Dallas
 
原版制作美国爱荷华大学毕业证(iowa毕业证书)学位证网上存档可查
原版制作美国爱荷华大学毕业证(iowa毕业证书)学位证网上存档可查原版制作美国爱荷华大学毕业证(iowa毕业证书)学位证网上存档可查
原版制作美国爱荷华大学毕业证(iowa毕业证书)学位证网上存档可查
 
20240509 QFM015 Engineering Leadership Reading List April 2024.pdf
20240509 QFM015 Engineering Leadership Reading List April 2024.pdf20240509 QFM015 Engineering Leadership Reading List April 2024.pdf
20240509 QFM015 Engineering Leadership Reading List April 2024.pdf
 
Mira Road Housewife Call Girls 07506202331, Nalasopara Call Girls
Mira Road Housewife Call Girls 07506202331, Nalasopara Call GirlsMira Road Housewife Call Girls 07506202331, Nalasopara Call Girls
Mira Road Housewife Call Girls 07506202331, Nalasopara Call Girls
 
Vip Firozabad Phone 8250092165 Escorts Service At 6k To 30k Along With Ac Room
Vip Firozabad Phone 8250092165 Escorts Service At 6k To 30k Along With Ac RoomVip Firozabad Phone 8250092165 Escorts Service At 6k To 30k Along With Ac Room
Vip Firozabad Phone 8250092165 Escorts Service At 6k To 30k Along With Ac Room
 
Abu Dhabi Escorts Service 0508644382 Escorts in Abu Dhabi
Abu Dhabi Escorts Service 0508644382 Escorts in Abu DhabiAbu Dhabi Escorts Service 0508644382 Escorts in Abu Dhabi
Abu Dhabi Escorts Service 0508644382 Escorts in Abu Dhabi
 
20240507 QFM013 Machine Intelligence Reading List April 2024.pdf
20240507 QFM013 Machine Intelligence Reading List April 2024.pdf20240507 QFM013 Machine Intelligence Reading List April 2024.pdf
20240507 QFM013 Machine Intelligence Reading List April 2024.pdf
 
一比一原版(Offer)康考迪亚大学毕业证学位证靠谱定制
一比一原版(Offer)康考迪亚大学毕业证学位证靠谱定制一比一原版(Offer)康考迪亚大学毕业证学位证靠谱定制
一比一原版(Offer)康考迪亚大学毕业证学位证靠谱定制
 
Top profile Call Girls In Dindigul [ 7014168258 ] Call Me For Genuine Models ...
Top profile Call Girls In Dindigul [ 7014168258 ] Call Me For Genuine Models ...Top profile Call Girls In Dindigul [ 7014168258 ] Call Me For Genuine Models ...
Top profile Call Girls In Dindigul [ 7014168258 ] Call Me For Genuine Models ...
 

Object Detection Beyond Mask R-CNN and RetinaNet II

  • 1. AutoML for Object Detection Xiangyu Zhang MEGVII Research
  • 2. AutoML for Object Detection • Advances in AutoML • Search for Detection Systems 2 1
  • 3. AutoML for Object Detection • Advances in AutoML • Search for Detection Systems 2 1
  • 4. Introduction v AutoML o A meta-approach to generate machine learning systems o Automatically search vs. manually design v AutoML for Deep Learning o Neural architecture search (NAS) o Hyper-parameters turning o Loss function o Data augmentation o Activation function o Backpropagation …
  • 5. Revolution of AutoML v ImageNet 2012 - o Hand-craft feature vs. deep learning v Era of Deep Learning begins! 27 26.2 16.4 8.1 7.3 6.6 4.9 3.57 OXFORD ISI AlexNet SPPnet VGG GoogleNet PReLU ResNet 152 Classification Top-5 Error (%)
  • 6. Revolution of AutoML (cont’d) v ImageNet 2017 - o Manual architecture vs. AutoML models 19.1 17.3 17.3 17.1 16.1 15.6 ResNeXt-101 SENet NASNet-A PNASNet-5 AmoebaNet-A EfficientNet Classification Top-1 Error (%) Era of AutoML?
  • 7. Revolution of AutoML (cont’d) v Literature o 200+ since 2017
  • 8. Revolution of AutoML (cont’d) v Literature o 200+ since 2017 v Google Trends
  • 9. Recent Advances in AutoML (1) v Surpassing handcraft models o NASNet v Keynotes o RNN controller + policy gradient o Flexible search space o Proxy task needed Zoph et al. Learning Transferable Architectures for Scalable Image Recognition Zoph et al. Neural Architecture Search with Reinforcement Learning
  • 10. Recent Advances in AutoML (2) v Search on the target task o MnasNet v Keynotes o Search directly on ImageNet o Platform aware search o Very costly (thousands of TPU-days) Tan et al. MnasNet: Platform-Aware Neural Architecture Search for Mobile
  • 11. Recent Advances in AutoML (3) v Weight Sharing for Efficient Search & Evaluation o ENAS o One-shot methods v Keynotes o Super network o Finetuning & inference only instead of retraining o Inconsistency in super net evaluation Pham et al. Efficient Neural Architecture Search via Parameter Sharing Bender et al. Understanding and Simplifying One-Shot Architecture Search Guo et al. Single Path One-Shot Neural Architecture Search with Uniform Sampling
  • 12. Recent Advances in AutoML (4) v Gradient-based methods o DARTS o SNAS, FBNet, ProxylessNAS, … v Keynotes o Joint optimization of architectures and weights o Weight sharing implied o Sometimes less flexible Liu et al. DARTS: Differentiable Architecture Search Xie et al. SNAS: Stochastic Neural Architecture Search Cai et al. ProxylessNAS: Direct Neural Architecture Search on Target Task and Hardware Wu et al. FBNet: Hardware-Aware Efficient ConvNet Design via Differentiable Neural Architecture Search
  • 13. Recent Advances in AutoML (5) v Performance Predictor o Neural Architecture Optimization o ChamNet v Keynotes o Architecture encoding o Performance prediction models o Cold start problem Luo et al. Neural Architecture Optimization Dai et al. ChamNet: Towards Efficient Network Design through Platform-Aware Model Adaptation
  • 14. Recent Advances in AutoML (6) v Hardware-aware Search o Search with complexity budget o Quantization friendly o Energy-aware search … v Keynotes o Complexity-aware loss & reward o Multi-target search o Device in the loop Wu et al. Mixed Precision Quantization of ConvNets via Differentiable Neural Architecture Search V´eniat et al. Learning Time/Memory-Efficient Deep Architectures with Budgeted Super Networks Wang et al. HAQ: Hardware-Aware Automated Quantization with Mixed Precision
  • 15. Recent Advances in AutoML (7) v AutoML in Model Pruning o NetAdapt o AMC o MetaPruning v Keynotes o Search for the pruned architecture o Hyper-parameters like channels, spatial size, … Yang et al. NetAdapt: Platform-Aware Neural Network Adaptation for Mobile Applications He et al. AMC: AutoML for Model Compression and Acceleration on Mobile Devices Liu et al. MetaPruning: Meta Learning for Automatic Neural Network Channel Pruning
  • 16. Recent Advances in AutoML (8) v Handcraft + NAS o Human-expert guided search (IRLAS) o Boosting existing handcraft models (EfficientNet, MobileNet v3) v Keynotes o Very competitive performance o Efficient o Search space may be restricted Howard et al. Searching for MobileNetV3 Tan et al. EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks Guo et al. IRLAS: Inverse Reinforcement Learning for Architecture Search
  • 17. Recent Advances in AutoML (9) v Various Tasks o Object Detection o Semantic Segmentation o Super-resolution o Face Recognition … Liu et al. Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Image Segmentation Chu et al. Fast, Accurate and Lightweight Super-Resolution with Neural Architecture Search Ramachandra et al. Searching for Activation Functions Alber et al. Backprop Evolution v Not only NAS, search for everything! o Activation function o Loss function o Data augmentation o Backpropagation …
  • 18. Recent Advances in AutoML (10) v Rethinking the Effectiveness of NAS o Random search o Random wire network v Keynotes o Reproducibility o Search algorithm or search space? o Baselines Li et al. Random Search and Reproducibility for Neural Architecture Search Xie et al. Exploring Randomly Wired Neural Networks for Image Recognition
  • 19. Summary: Trends and Challenges v Trends o Efficient & high-performance algorithm o Flexible search space o Device-aware optimization o Multi-task / Multi-target search v Challenges o Trade-offs between efficiency, performance and flexibility o Search space matters! o Fair benchmarks o Pipeline search Efficiency FlexibilityPerformance
  • 20. AutoML for Object Detection • Advances in AutoML • Search for Detection Systems 2 1
  • 21. AutoML for Object Detection v Components to search o Image preprocessing o Backbone o Feature fusion o Detection head & loss function …
  • 22. AutoML for Object Detection v Components to search o Image preprocessing o Backbone o Feature fusion o Detection head & loss function …
  • 23. AutoML for Object Detection v Components to search o Image preprocessing o Backbone o Feature fusion o Detection head & loss function …
  • 24. AutoML for Object Detection v Components to search o Image preprocessing o Backbone o Feature fusion o Detection head & loss function …
  • 25. AutoML for Object Detection v Components to search o Image preprocessing o Backbone o Feature fusion o Detection head & loss function …
  • 26. Search for Detection Systems Feature Fusion Augmentation DetNAS Chen et al. DetNAS: Backbone Search for Object Detection
  • 27. Challenges of Backbone Search v Similar to general NAS, but … o Controller & evaluator loop o Performance evaluation is very slow v Detection backbone evaluation involves a costly pipeline o ImageNet pretraining o Finetuning on the detection dataset (e.g. COCO) o Evaluation on the validation set
  • 28. Related Work: Single Path One-shot NAS v Decoupled weight training and architecture optimization v Super net training Guo et al. Single Path One-Shot Neural Architecture Search with Uniform Sampling
  • 29. Pipeline v Single-pass approach o Pretrain and finetune super net only once
  • 30. Search Space v Single path super net o 20 (small) or 40 (large) choice blocks o 4 candidates for each choice block o Search space size: 420 or 440
  • 31. Search Algorithm v Evolutionary search o Sample & reuse the weights from super net o Very efficient
  • 32. Results v High performance o Significant improvements over commonly used backbones (e.g. ResNet 50) with fewer FLOPs o Best classification backbones may be suboptimal for object detection
  • 33. Results v Search cost o Super nets greatly speed up search progress!
  • 34. Search for Detection Systems Backbone Feature Fusion Augmentation NAS-FPN Ghaisi et al. NAS-FPN: Learning Scalable Feature Pyramid Architecture for Object Detection
  • 35. Feature Fusion Modules v Multi-scale feature fusion o Used in state-of-the-art detectors (e.g. SSD, FPN, SNIP, FCOS, …) v Automatic search vs. manual design
  • 36. First Glance v Searched architecture o Very different from handcraft structures
  • 37. Search Space v Stacking repeated FPN blocks v For each FPN block, N different merging cells v For each merging cell, 4-step generations
  • 38. Search Algorithm v Controller o RNN-based controller o Search with Proximal Policy Optimization (PPO) v Candidate evaluation o Training a light-weight proxy task
  • 39. Architectures During Search v Many downsamples and upsamples
  • 41. Search for Detection Systems Backbone Feature Fusion Augmentation Auto-Augment for Detection Zoph et al. Learning Data Augmentation Strategies for Object Detection
  • 42. Data Augmentation for Object Detection v Augmentation pool o Color distortions o Geometric transforms o Random noise (e.g. cutout, drop block, …) o Mix-up … v Search for the best augmentation configurations
  • 43. Search Space Design v Mainly follows AutoAugment v Randomly sampling from K sub-policies v For each sub-policy, N image transforms v Each image transform selected from 22 operations: o Color operations o Geometric operations o Bounding box operations Cubuk et al. AutoAugment: Learning Augmentation Strategies from Data
  • 44. Search Space Design (cont’d)
  • 45. Search Algorithm v Very similar to NAS-FPN v Controller o RNN-based controller o Search with Proximal Policy Optimization (PPO) v Evaluation o A small proxy dataset o Short-time training
  • 46. Results v Significantly outperforms previous state-of-the-arts
  • 48. Future Work v More search dimensions o E.g. loss, anchor boxes, assign rules, post-processing, … v Reducing search cost v Joint optimization
  • 49. Q & A