SlideShare a Scribd company logo
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

More Related Content

What's hot (20)

PPTX
Faster R-CNN
anna8885
 
PDF
DeepFix: a fully convolutional neural network for predicting human fixations...
Universitat Politècnica de Catalunya
 
PDF
Pelee: a real time object detection system on mobile devices Paper Review
LEE HOSEONG
 
PPTX
Fcv rep darrell
zukun
 
PDF
Toronto meetup 20190917
Bill Liu
 
PDF
YOLOv4: optimal speed and accuracy of object detection review
LEE HOSEONG
 
PDF
Cvpr 2017 Summary Meetup
Amir Alush
 
PDF
Devil in the Details: Analysing the Performance of ConvNet Features
Ken Chatfield
 
PDF
5 Practical Steps to a Successful Deep Learning Research
Brodmann17
 
PDF
Image Classification Done Simply using Keras and TensorFlow
Rajiv Shah
 
PDF
Anomaly Detection at Scale
Jeff Henrikson
 
PDF
PR-110: An Analysis of Scale Invariance in Object Detection – SNIP
jaewon lee
 
PPTX
Mask R-CNN
Jaehyun Jun
 
PPTX
PR-146: CornerNet detecting objects as paired keypoints
jaewon lee
 
PPTX
Object detection with Tensorflow Api
ArwinKhan1
 
PPTX
Object extraction from satellite imagery using deep learning
Aly Abdelkareem
 
PPT
HyperCuP Lightweight Implementation
Slawek
 
PDF
Visual Saliency Prediction with Deep Learning - Kevin McGuinness - UPC Barcel...
Universitat Politècnica de Catalunya
 
PDF
Large-Scale Lasso and Elastic-Net Regularized Generalized Linear Models (DB T...
Spark Summit
 
PDF
Automating materials science workflows with pymatgen, FireWorks, and atomate
Anubhav Jain
 
Faster R-CNN
anna8885
 
DeepFix: a fully convolutional neural network for predicting human fixations...
Universitat Politècnica de Catalunya
 
Pelee: a real time object detection system on mobile devices Paper Review
LEE HOSEONG
 
Fcv rep darrell
zukun
 
Toronto meetup 20190917
Bill Liu
 
YOLOv4: optimal speed and accuracy of object detection review
LEE HOSEONG
 
Cvpr 2017 Summary Meetup
Amir Alush
 
Devil in the Details: Analysing the Performance of ConvNet Features
Ken Chatfield
 
5 Practical Steps to a Successful Deep Learning Research
Brodmann17
 
Image Classification Done Simply using Keras and TensorFlow
Rajiv Shah
 
Anomaly Detection at Scale
Jeff Henrikson
 
PR-110: An Analysis of Scale Invariance in Object Detection – SNIP
jaewon lee
 
Mask R-CNN
Jaehyun Jun
 
PR-146: CornerNet detecting objects as paired keypoints
jaewon lee
 
Object detection with Tensorflow Api
ArwinKhan1
 
Object extraction from satellite imagery using deep learning
Aly Abdelkareem
 
HyperCuP Lightweight Implementation
Slawek
 
Visual Saliency Prediction with Deep Learning - Kevin McGuinness - UPC Barcel...
Universitat Politècnica de Catalunya
 
Large-Scale Lasso and Elastic-Net Regularized Generalized Linear Models (DB T...
Spark Summit
 
Automating materials science workflows with pymatgen, FireWorks, and atomate
Anubhav Jain
 

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

PPTX
AutoML and Neural Architecture Search
Yongsu Baek
 
PDF
DLD meetup 2017, Efficient Deep Learning
Brodmann17
 
PDF
20181212 Queensland AI Meetup
Adam Craven
 
PPTX
Everything you need to know about AutoML
Arpitha Gurumurthy
 
PDF
DNR - Auto deep lab paper review ppt
taeseon ryu
 
PDF
"Enabling Automated Design of Computationally Efficient Deep Neural Networks,...
Edge AI and Vision Alliance
 
PPTX
Anomaly Detection with Azure and .net
Marco Parenzan
 
PDF
Autimatic Machine Learning and Artificial Intelligence
AyanDas644783
 
PDF
How to Build a Data Closed-loop Platform for Autonomous Driving?
Yu Huang
 
PPTX
Quoc Le at AI Frontiers : Automated Machine Learning
AI Frontiers
 
PPTX
Ai use cases
Sparsh Agarwal
 
PDF
REVIEW ON OBJECT DETECTION WITH CNN
IRJET Journal
 
PDF
Machine learning based augmented reality for improved learning application th...
IJECEIAES
 
PPTX
Anomaly Detection with Azure and .NET
Marco Parenzan
 
PDF
“Modern Machine Vision from Basics to Advanced Deep Learning,” a Presentation...
Edge AI and Vision Alliance
 
PPTX
Object detection with deep learning
Sushant Shrivastava
 
PDF
2019 cvpr paper_overview
LEE HOSEONG
 
PDF
2019 cvpr paper overview by Ho Seong Lee
Moazzem Hossain
 
PDF
Image Object Detection Pipeline
Abhinav Dadhich
 
PDF
IRJET- Real-Time Object Detection System using Caffe Model
IRJET Journal
 
AutoML and Neural Architecture Search
Yongsu Baek
 
DLD meetup 2017, Efficient Deep Learning
Brodmann17
 
20181212 Queensland AI Meetup
Adam Craven
 
Everything you need to know about AutoML
Arpitha Gurumurthy
 
DNR - Auto deep lab paper review ppt
taeseon ryu
 
"Enabling Automated Design of Computationally Efficient Deep Neural Networks,...
Edge AI and Vision Alliance
 
Anomaly Detection with Azure and .net
Marco Parenzan
 
Autimatic Machine Learning and Artificial Intelligence
AyanDas644783
 
How to Build a Data Closed-loop Platform for Autonomous Driving?
Yu Huang
 
Quoc Le at AI Frontiers : Automated Machine Learning
AI Frontiers
 
Ai use cases
Sparsh Agarwal
 
REVIEW ON OBJECT DETECTION WITH CNN
IRJET Journal
 
Machine learning based augmented reality for improved learning application th...
IJECEIAES
 
Anomaly Detection with Azure and .NET
Marco Parenzan
 
“Modern Machine Vision from Basics to Advanced Deep Learning,” a Presentation...
Edge AI and Vision Alliance
 
Object detection with deep learning
Sushant Shrivastava
 
2019 cvpr paper_overview
LEE HOSEONG
 
2019 cvpr paper overview by Ho Seong Lee
Moazzem Hossain
 
Image Object Detection Pipeline
Abhinav Dadhich
 
IRJET- Real-Time Object Detection System using Caffe Model
IRJET Journal
 
Ad

More from Wanjin Yu (10)

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

Recently uploaded (20)

PPTX
Cost_of_Quality_Presentation_Software_Engineering.pptx
farispalayi
 
PPTX
Random Presentation By Fuhran Khalil uio
maniieiish
 
PPTX
ZARA-Case.pptx djdkkdjnddkdoodkdxjidjdnhdjjdjx
RonnelPineda2
 
PPTX
一比一原版(SUNY-Albany毕业证)纽约州立大学奥尔巴尼分校毕业证如何办理
Taqyea
 
PDF
The-Hidden-Dangers-of-Skipping-Penetration-Testing.pdf.pdf
naksh4thra
 
PDF
𝐁𝐔𝐊𝐓𝐈 𝐊𝐄𝐌𝐄𝐍𝐀𝐍𝐆𝐀𝐍 𝐊𝐈𝐏𝐄𝐑𝟒𝐃 𝐇𝐀𝐑𝐈 𝐈𝐍𝐈 𝟐𝟎𝟐𝟓
hokimamad0
 
PPTX
英国假毕业证诺森比亚大学成绩单GPA修改UNN学生卡网上可查学历成绩单
Taqyea
 
PDF
Apple_Environmental_Progress_Report_2025.pdf
yiukwong
 
PPTX
英国学位证(RCM毕业证书)皇家音乐学院毕业证书如何办理
Taqyea
 
PPT
introduction to networking with basics coverage
RamananMuthukrishnan
 
PPTX
PE introd.pptxfrgfgfdgfdgfgrtretrt44t444
nepmithibai2024
 
PPTX
Optimization_Techniques_ML_Presentation.pptx
farispalayi
 
PPTX
sajflsajfljsdfljslfjslfsdfas;fdsfksadfjlsdflkjslgfs;lfjlsajfl;sajfasfd.pptx
theknightme
 
PDF
DevOps Design for different deployment options
henrymails
 
PPTX
ipv6 very very very very vvoverview.pptx
eyala75
 
PDF
Pas45789-Energs-Efficient-Craigg1ing.pdf
lafinedelcinghiale
 
PPTX
本科硕士学历佛罗里达大学毕业证(UF毕业证书)24小时在线办理
Taqyea
 
PPTX
西班牙武康大学毕业证书{UCAMOfferUCAM成绩单水印}原版制作
Taqyea
 
PDF
Web Hosting for Shopify WooCommerce etc.
Harry_Phoneix Harry_Phoneix
 
PPT
Agilent Optoelectronic Solutions for Mobile Application
andreashenniger2
 
Cost_of_Quality_Presentation_Software_Engineering.pptx
farispalayi
 
Random Presentation By Fuhran Khalil uio
maniieiish
 
ZARA-Case.pptx djdkkdjnddkdoodkdxjidjdnhdjjdjx
RonnelPineda2
 
一比一原版(SUNY-Albany毕业证)纽约州立大学奥尔巴尼分校毕业证如何办理
Taqyea
 
The-Hidden-Dangers-of-Skipping-Penetration-Testing.pdf.pdf
naksh4thra
 
𝐁𝐔𝐊𝐓𝐈 𝐊𝐄𝐌𝐄𝐍𝐀𝐍𝐆𝐀𝐍 𝐊𝐈𝐏𝐄𝐑𝟒𝐃 𝐇𝐀𝐑𝐈 𝐈𝐍𝐈 𝟐𝟎𝟐𝟓
hokimamad0
 
英国假毕业证诺森比亚大学成绩单GPA修改UNN学生卡网上可查学历成绩单
Taqyea
 
Apple_Environmental_Progress_Report_2025.pdf
yiukwong
 
英国学位证(RCM毕业证书)皇家音乐学院毕业证书如何办理
Taqyea
 
introduction to networking with basics coverage
RamananMuthukrishnan
 
PE introd.pptxfrgfgfdgfdgfgrtretrt44t444
nepmithibai2024
 
Optimization_Techniques_ML_Presentation.pptx
farispalayi
 
sajflsajfljsdfljslfjslfsdfas;fdsfksadfjlsdflkjslgfs;lfjlsajfl;sajfasfd.pptx
theknightme
 
DevOps Design for different deployment options
henrymails
 
ipv6 very very very very vvoverview.pptx
eyala75
 
Pas45789-Energs-Efficient-Craigg1ing.pdf
lafinedelcinghiale
 
本科硕士学历佛罗里达大学毕业证(UF毕业证书)24小时在线办理
Taqyea
 
西班牙武康大学毕业证书{UCAMOfferUCAM成绩单水印}原版制作
Taqyea
 
Web Hosting for Shopify WooCommerce etc.
Harry_Phoneix Harry_Phoneix
 
Agilent Optoelectronic Solutions for Mobile Application
andreashenniger2
 

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