SlideShare a Scribd company logo
1 of 31
Download to read offline
© 2020 Nanotronics
Imaging Systems for Applied
Reinforcement Learning Control
Damas Limoge – Sr. R&D Engineer
Nanotronics
September 2020
© 2020 Nanotronics
To build the future,
you need to see it.
-Matthew Putman, CEO
© 2020 Nanotronics
Outline
1. Introduction to Reinforcement Learning
2. Application Areas for Reinforcement Learning
3. Reinforcement Learning for Imaging Systems
4. Challenges for Using Reinforcement Learning
5. Case Study – Additive Manufacturing Feedback using Image Data
6. Insights and Conclusions
3
© 2020 Nanotronics
Introduction to
Reinforcement Learning
4
© 2020 Nanotronics
Control Feedback Loops
5
Agent
Environment
ai
si+1 ri+1
si ri
Reinforcement Learning Loop
(state, action, reward)
+ C(s) G(s)
H(s)
ys yi+1
yi
ei ui
Classical Control Loop
(error, effort, output)
© 2020 Nanotronics
Reinforcement Learning Algorithms
Model-
Based
Model
Learning
World
Models
I2A
MBMF
MBVE
Model
Provided
AlphaZero
6
Model-Free
Policy
Optimization
Policy
Gradient
A2C/A3C
PPO
TRPO
Hybrid
DDPG
TD3
SAC
Q-Learning
DQN
C51
QR-DQN
HER
Source: https://spinningup.openai.com/en/latest/spinningup/rl_intro2.html
Given the volume of options, choosing the appropriate algorithm for the problem statement is key.
© 2020 Nanotronics
Reinforcement Learning Algorithms
Model-
Based
Model
Learning
World
Models
I2A
MBMF
MBVE
Model
Provided
AlphaZero
7
Model-Free
Policy
Optimization
Policy
Gradient
A2C/A3C
PPO
TRPO
Hybrid
DDPG
TD3
SAC
Q-Learning
DQN
C51
QR-DQN
HER
Source: https://spinningup.openai.com/en/latest/spinningup/rl_intro2.html
We’ll focus on the model-free variety, as imaging systems exist in noisy, difficult-to-model contexts.
© 2020 Nanotronics
Explanation of Model-Free Reinforcement Learning
• Model-Free reinforcement learning allows us to learn an environment as we traverse it.
• If we have an imperfect representation of the model to act on, that is okay, as we anticipate
improving our strategy as we continue.
• This plays well with physical measurements as it requires less exact measurements for a
prediction of optimal actions.
• Reinforcement learning in general does not play well with real, physical environments because
it requires a huge volume of training examples.
• Reducing the required training examples is a huge focus of research in reinforcement
learning, and a particular focus in physical applications.
• Imaging systems are a subset of physical environments. An imaging system is meant to
capture rich, albeit abstract representations of that environment. The RL algorithm is
meant to map that to a policy for choosing optimal actions within the environment.
8
© 2020 Nanotronics
Application Areas for
Reinforcement Learning
9
© 2020 Nanotronics
Simple Environments
10
Sources:
1. (Left) Mnih, Volodymyr, et al. "Playing atari with deep reinforcement learning." arXiv preprint arXiv:1312.5602 (2013).
2. (Right) https://gym.openai.com/envs/CartPole-v0/
© 2020 Nanotronics
Complex Environments
11
Sources:
1. (Left) Berner, Christopher, et al. "Dota 2 with large scale deep reinforcement learning." arXiv preprint arXiv:1912.06680 (2019).
2. (Right) Baker, Bowen, et al. "Emergent tool use from multi-agent autocurricula." arXiv preprint arXiv:1909.07528 (2019).
© 2020 Nanotronics
Vision Based Systems
12
Source:
1. https://gizmodo.com/rock-balancing-robots-could-build-our-future-habitats-o-1795814087
© 2020 Nanotronics
Reinforcement Learning for
Imaging Systems
13
© 2020 Nanotronics
Adjustment to the Reinforcement Learning Structure
14
Agent
Environment
ai
si+1
{ŝi , ri}
Reinforcement Learning Loop
With Imaging
(state, action, reward)
Imager + Encoder
• The environment must be
effectively sampled by an image
acquisition system.
• This state must include the
requisite information for control
observability.
• The dimension of this state must
be reduced from the densely
complex image state to a reduced
dimensional representative
encoding.
© 2020 Nanotronics
State Embedding
• For most image-based machine learning, pixel values of images are fed into
convolutional layers. The output of these layers are called the features of the image.
• Feature vectors are fundamentally the states of image-based reinforcement learning
as well, but the training of their convolutional weights can be prohibitively costly
without GPU clusters.
• This is distinct from other image classifiers in that a very clear path exists for
determining, from a static set of examples, the appropriate network architecture and
adjust its dimensions using A/B testing.
• In RL applications, it may be prudent to try several different architectures, each
requiring subsequent tuning. For this reason, reducing the dimensionality of the input
state is helpful in faster iteration through model types.
15
© 2020 Nanotronics
State Embedding (cont’d)
• We can leverage unsupervised methods to train an encoder out of the loop and use scalar targets or human-led instruction for
ensuring essential information is maintained.
• This capitalizes on the speed with which conventional classifiers can be trained, while allowing flexibility of the network
architecture for the agent.
• It is analogous to compressing the image and using only a combination of values which provide the highest information content.
• Furthermore, we can target certain areas or features by building a loss function that penalizes low information through-put for
our desired content.
16
Original
Image
Reproduced
Image
Feature
Vector
Encoder
Decoder
© 2020 Nanotronics
Challenges for Using
Reinforcement Learning
17
© 2020 Nanotronics
Challenges in Physical Environments
• Reinforcement learning in physical environments suffers all of the same problems, but
training samples are billions of times more temporally expensive to generate.
• Physical data is often noisy and actuation setpoints are often imprecise.
• The underlying dynamics of physical systems have been well studied in the field of
controls, and thus the application of reinforcement learning is often meant to replace
a system that can’t be readily modeled or controlled.
• Physical environments suffer more severe consequences for unfettered agent
exploration, involving damage to equipment or observers.
18
© 2020 Nanotronics
Reduction of Combinational Complexity
• The initial challenge to overcome in physical systems is the acquisition of sufficient
data samples to train the agent. One billion samples, even for reasonably fast
processes, often extends past the span of many lifetimes.
• However, some reinforcement algorithms applied to simple environments with
appropriately scaled networks have shown convergence on the order of hundreds or
thousands of samples. While these are still costly volumes in some contexts, they are
not untenable at face value.
• The key to achieving this type of sample efficiency is appropriately defined problems
to only consider the actuation points that solve the reward, and likewise a minimized
state definition for consideration by the agent.
19
© 2020 Nanotronics
Case Study:
Additive Manufacturing Feedback
using Image Data
20
© 2020 Nanotronics
Case Study Overview
• Additive Manufacturing is a burgeoning field of manufacturing that uses material deposition, curing or fusion to
build geometries that are unattainable with other fabrication methods. It is commonly referred to as 3D Printing.
• Its major hurdle for transitioning from prototype use-cases to industrial applications is, among other things,
inconsistency of the material properties after printing. The inconsistency is caused by printing errors such as
improper material deposition
• The aim of this case study was to build a part (shown to the right) with the most consistent tensile strength. The
part was designed to be susceptible to printing errors in the cross-sectional plane.
• The allowable actions corresponded to adjusting the material flow and the speed of the print.
• Two test cases were considered for RL feedback using Images:
• Discrete Error Correction
• An error was injected at a specific layer, and the agent was allowed to make corrections on
three subsequent layers.
• The layer number as well as the error as classified by an image classifier was used as the state
definition.
• Continuous Error Correction
• No errors were injected into the prints, but instead corrections were allowed at all layers.
• The state was defined as the output of an autoencoder trained on a two-dimensional Gaussian
loss function centered around the layer image.
21
© 2020 Nanotronics
Printer Modification with Imager Assembly
22
© 2020 Nanotronics
Example of Acquired Image
23
© 2020 Nanotronics
Feedback Loop Structure
24
© 2020 Nanotronics
Discrete Correction Overview
• Discrete errors were artificially injected into the print by restricting the flow rate of
plastic onto a particular layer.
• This error was classified by an image classifier trained with data from images of
similarly restricted flow at certain degrees.
• The agent could adjust only three layers after the injected error.
• Baseline data was collected for the nominal (median) tensile strength and the median
tensile strength of the specimen without correction.
• Finally, the resulting strength of the part after correction was measured.
25
© 2020 Nanotronics
Validation Results (Discrete Correction)
26
© 2020 Nanotronics
Continuous Correction Overview
• Discrete errors were no longer injected into the print, and instead the printer would
print normally.
• Hundreds of thousands of images were captured of the printed layers, and the results
were fed through a feature extraction encoder.
• The feature vectors were then used as the state for a reinforcement learning agent
trained in an offline, off-policy fashion.
• A baseline was generated for a distribution of the expected tensile strength, and this
distribution was confirmed by an outside measurement laboratory.
• The results from the corrective agent were compared against these.
27
© 2020 Nanotronics
Validation Results (Continuous Correction)
28
© 2020 Nanotronics
Insights and Conclusions
29
© 2020 Nanotronics
A Path Forward for the Next Industrial Revolution
30
• Image data is rich with information, and cameras are readily available in many form factors.
• While reinforcement learning in the context of physical systems is costly, an intelligent
approach to dimensional reduction ensures the problem is tractable.
• We were able to construct an imager for an additive manufacturing system that provided a
feedback loop to a reinforcement learning agent to infer corrective actions that:
1. Classified and corrected discrete errors.
2. Abstracted layer images to features for continual correction of minor errors.
• This work is applicable far beyond additive manufacturing, which was chosen for its widely
transferrable principles. Industrial processes with defects or errors detectable through images
can all be considered in this structure.
© 2020 Nanotronics
Additional Resources
Topics Covered
RL: Open AI – Spinning Up
https://spinningup.openai.com/en/latest/
Auto-Encoders
http://ufldl.stanford.edu/tutorial/unsupervised/Autoencoders/
Additive Manufacturing
https://additivemanufacturing.com/basics/
2020 Embedded Vision Summit
“Imaging Systems for Applied
Reinforcement Learning Control”
Details (Time, Date, etc.)
31

More Related Content

What's hot

Implementation on Quality of Control for Image Based Control Systems using Al...
Implementation on Quality of Control for Image Based Control Systems using Al...Implementation on Quality of Control for Image Based Control Systems using Al...
Implementation on Quality of Control for Image Based Control Systems using Al...YogeshIJTSRD
 
Automatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural Networks
Automatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural NetworksAutomatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural Networks
Automatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural NetworksAndrew Tsuei
 
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION
PPT on BRAIN TUMOR detection in MRI images based on  IMAGE SEGMENTATION PPT on BRAIN TUMOR detection in MRI images based on  IMAGE SEGMENTATION
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION khanam22
 
Classification of Strokes in Table Tennis with a Three Stream Spatio-Temporal...
Classification of Strokes in Table Tennis with a Three Stream Spatio-Temporal...Classification of Strokes in Table Tennis with a Three Stream Spatio-Temporal...
Classification of Strokes in Table Tennis with a Three Stream Spatio-Temporal...multimediaeval
 
Moving Object Detection for Video Surveillance
Moving Object Detection for Video SurveillanceMoving Object Detection for Video Surveillance
Moving Object Detection for Video SurveillanceIJMER
 
Mri brain image segmentatin and classification by modified fcm &svm akorithm
Mri brain image segmentatin and classification by modified fcm &svm akorithmMri brain image segmentatin and classification by modified fcm &svm akorithm
Mri brain image segmentatin and classification by modified fcm &svm akorithmeSAT Journals
 
Progressive Image Denoising Through Hybrid Graph Laplacian Regularization: A ...
Progressive Image Denoising Through Hybrid Graph Laplacian Regularization: A ...Progressive Image Denoising Through Hybrid Graph Laplacian Regularization: A ...
Progressive Image Denoising Through Hybrid Graph Laplacian Regularization: A ...john236zaq
 
Foreground algorithms for detection and extraction of an object in multimedia...
Foreground algorithms for detection and extraction of an object in multimedia...Foreground algorithms for detection and extraction of an object in multimedia...
Foreground algorithms for detection and extraction of an object in multimedia...IJECEIAES
 
An Enhanced Adaptive Wavelet Transform Image Inpainting Technique
An Enhanced Adaptive Wavelet Transform Image Inpainting TechniqueAn Enhanced Adaptive Wavelet Transform Image Inpainting Technique
An Enhanced Adaptive Wavelet Transform Image Inpainting TechniqueIRJET Journal
 
Novel hybrid framework for image compression for supportive hardware design o...
Novel hybrid framework for image compression for supportive hardware design o...Novel hybrid framework for image compression for supportive hardware design o...
Novel hybrid framework for image compression for supportive hardware design o...IJECEIAES
 
An Efficient Design Approach of ROI Based DWT Using Vedic and Wallace Tree Mu...
An Efficient Design Approach of ROI Based DWT Using Vedic and Wallace Tree Mu...An Efficient Design Approach of ROI Based DWT Using Vedic and Wallace Tree Mu...
An Efficient Design Approach of ROI Based DWT Using Vedic and Wallace Tree Mu...IJECEIAES
 
An Investigation towards Effectiveness in Image Enhancement Process in MPSoC
An Investigation towards Effectiveness in Image Enhancement Process in MPSoC An Investigation towards Effectiveness in Image Enhancement Process in MPSoC
An Investigation towards Effectiveness in Image Enhancement Process in MPSoC IJECEIAES
 
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION cscpconf
 
Labeling fundus images for classification models
Labeling fundus images for classification modelsLabeling fundus images for classification models
Labeling fundus images for classification modelsPetteriTeikariPhD
 
Zeeshan.ali.presentations
Zeeshan.ali.presentationsZeeshan.ali.presentations
Zeeshan.ali.presentationsZeeshan Ali
 
Parallel Computing Application
Parallel Computing ApplicationParallel Computing Application
Parallel Computing Applicationhanis salwan
 
Deep Conditional Adversarial learning for polyp Segmentation
Deep Conditional Adversarial learning for polyp SegmentationDeep Conditional Adversarial learning for polyp Segmentation
Deep Conditional Adversarial learning for polyp Segmentationmultimediaeval
 
IRJET- Video Forgery Detection using Machine Learning
IRJET-  	  Video Forgery Detection using Machine LearningIRJET-  	  Video Forgery Detection using Machine Learning
IRJET- Video Forgery Detection using Machine LearningIRJET Journal
 
Online video-based abnormal detection using highly motion techniques and stat...
Online video-based abnormal detection using highly motion techniques and stat...Online video-based abnormal detection using highly motion techniques and stat...
Online video-based abnormal detection using highly motion techniques and stat...TELKOMNIKA JOURNAL
 

What's hot (20)

Implementation on Quality of Control for Image Based Control Systems using Al...
Implementation on Quality of Control for Image Based Control Systems using Al...Implementation on Quality of Control for Image Based Control Systems using Al...
Implementation on Quality of Control for Image Based Control Systems using Al...
 
Automatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural Networks
Automatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural NetworksAutomatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural Networks
Automatic Brain Tumor Segmentation on Multi-Modal MRI with Deep Neural Networks
 
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION
PPT on BRAIN TUMOR detection in MRI images based on  IMAGE SEGMENTATION PPT on BRAIN TUMOR detection in MRI images based on  IMAGE SEGMENTATION
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION
 
Classification of Strokes in Table Tennis with a Three Stream Spatio-Temporal...
Classification of Strokes in Table Tennis with a Three Stream Spatio-Temporal...Classification of Strokes in Table Tennis with a Three Stream Spatio-Temporal...
Classification of Strokes in Table Tennis with a Three Stream Spatio-Temporal...
 
Moving Object Detection for Video Surveillance
Moving Object Detection for Video SurveillanceMoving Object Detection for Video Surveillance
Moving Object Detection for Video Surveillance
 
Mri brain image segmentatin and classification by modified fcm &svm akorithm
Mri brain image segmentatin and classification by modified fcm &svm akorithmMri brain image segmentatin and classification by modified fcm &svm akorithm
Mri brain image segmentatin and classification by modified fcm &svm akorithm
 
Progressive Image Denoising Through Hybrid Graph Laplacian Regularization: A ...
Progressive Image Denoising Through Hybrid Graph Laplacian Regularization: A ...Progressive Image Denoising Through Hybrid Graph Laplacian Regularization: A ...
Progressive Image Denoising Through Hybrid Graph Laplacian Regularization: A ...
 
Foreground algorithms for detection and extraction of an object in multimedia...
Foreground algorithms for detection and extraction of an object in multimedia...Foreground algorithms for detection and extraction of an object in multimedia...
Foreground algorithms for detection and extraction of an object in multimedia...
 
An Enhanced Adaptive Wavelet Transform Image Inpainting Technique
An Enhanced Adaptive Wavelet Transform Image Inpainting TechniqueAn Enhanced Adaptive Wavelet Transform Image Inpainting Technique
An Enhanced Adaptive Wavelet Transform Image Inpainting Technique
 
Novel hybrid framework for image compression for supportive hardware design o...
Novel hybrid framework for image compression for supportive hardware design o...Novel hybrid framework for image compression for supportive hardware design o...
Novel hybrid framework for image compression for supportive hardware design o...
 
An Efficient Design Approach of ROI Based DWT Using Vedic and Wallace Tree Mu...
An Efficient Design Approach of ROI Based DWT Using Vedic and Wallace Tree Mu...An Efficient Design Approach of ROI Based DWT Using Vedic and Wallace Tree Mu...
An Efficient Design Approach of ROI Based DWT Using Vedic and Wallace Tree Mu...
 
An Investigation towards Effectiveness in Image Enhancement Process in MPSoC
An Investigation towards Effectiveness in Image Enhancement Process in MPSoC An Investigation towards Effectiveness in Image Enhancement Process in MPSoC
An Investigation towards Effectiveness in Image Enhancement Process in MPSoC
 
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
CNN FEATURES ARE ALSO GREAT AT UNSUPERVISED CLASSIFICATION
 
Labeling fundus images for classification models
Labeling fundus images for classification modelsLabeling fundus images for classification models
Labeling fundus images for classification models
 
Zeeshan.ali.presentations
Zeeshan.ali.presentationsZeeshan.ali.presentations
Zeeshan.ali.presentations
 
Parallel Computing Application
Parallel Computing ApplicationParallel Computing Application
Parallel Computing Application
 
Deep Conditional Adversarial learning for polyp Segmentation
Deep Conditional Adversarial learning for polyp SegmentationDeep Conditional Adversarial learning for polyp Segmentation
Deep Conditional Adversarial learning for polyp Segmentation
 
Deep Learning for Computer Vision: Medical Imaging (UPC 2016)
Deep Learning for Computer Vision: Medical Imaging (UPC 2016)Deep Learning for Computer Vision: Medical Imaging (UPC 2016)
Deep Learning for Computer Vision: Medical Imaging (UPC 2016)
 
IRJET- Video Forgery Detection using Machine Learning
IRJET-  	  Video Forgery Detection using Machine LearningIRJET-  	  Video Forgery Detection using Machine Learning
IRJET- Video Forgery Detection using Machine Learning
 
Online video-based abnormal detection using highly motion techniques and stat...
Online video-based abnormal detection using highly motion techniques and stat...Online video-based abnormal detection using highly motion techniques and stat...
Online video-based abnormal detection using highly motion techniques and stat...
 

Similar to “Imaging Systems for Applied Reinforcement Learning Control,” a Presentation from Nanotronics

IRJET - Autonomous Navigation System using Deep Learning
IRJET -  	  Autonomous Navigation System using Deep LearningIRJET -  	  Autonomous Navigation System using Deep Learning
IRJET - Autonomous Navigation System using Deep LearningIRJET Journal
 
AUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMAUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMIRJET Journal
 
CAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNINGCAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNINGIRJET Journal
 
Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.IRJET Journal
 
IRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET Journal
 
Partial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsPartial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsIRJET Journal
 
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...IRJET Journal
 
Garbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning TechniquesGarbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning TechniquesIRJET Journal
 
Traffic Sign Recognition System
Traffic Sign Recognition SystemTraffic Sign Recognition System
Traffic Sign Recognition SystemIRJET Journal
 
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETIRJET Journal
 
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box DetectorIRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box DetectorIRJET Journal
 
FLOOD FORECASTING USING MACHINE LEARNING ALGORITHM
FLOOD FORECASTING USING MACHINE LEARNING ALGORITHMFLOOD FORECASTING USING MACHINE LEARNING ALGORITHM
FLOOD FORECASTING USING MACHINE LEARNING ALGORITHMIRJET Journal
 
IRJET - A Research on Eloquent Salvation and Productive Outsourcing of Massiv...
IRJET - A Research on Eloquent Salvation and Productive Outsourcing of Massiv...IRJET - A Research on Eloquent Salvation and Productive Outsourcing of Massiv...
IRJET - A Research on Eloquent Salvation and Productive Outsourcing of Massiv...IRJET Journal
 
IRJET- Fabric Defect Detection using Discrete Wavelet Transform
IRJET- Fabric Defect Detection using Discrete Wavelet TransformIRJET- Fabric Defect Detection using Discrete Wavelet Transform
IRJET- Fabric Defect Detection using Discrete Wavelet TransformIRJET Journal
 
Application of Digital Image Correlation: A Review
Application of Digital Image Correlation: A ReviewApplication of Digital Image Correlation: A Review
Application of Digital Image Correlation: A ReviewIRJET Journal
 
IRJET- Review of Tencent ML-Images Large-Scale Multi-Label Image Database
IRJET-  	  Review of Tencent ML-Images Large-Scale Multi-Label Image DatabaseIRJET-  	  Review of Tencent ML-Images Large-Scale Multi-Label Image Database
IRJET- Review of Tencent ML-Images Large-Scale Multi-Label Image DatabaseIRJET Journal
 
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLINGUSING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLINGIRJET Journal
 
Automatic fabric defect detection employing deep learning
Automatic fabric defect detection employing deep learningAutomatic fabric defect detection employing deep learning
Automatic fabric defect detection employing deep learningIJECEIAES
 
Car Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep LearningCar Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep LearningIRJET Journal
 

Similar to “Imaging Systems for Applied Reinforcement Learning Control,” a Presentation from Nanotronics (20)

IRJET - Autonomous Navigation System using Deep Learning
IRJET -  	  Autonomous Navigation System using Deep LearningIRJET -  	  Autonomous Navigation System using Deep Learning
IRJET - Autonomous Navigation System using Deep Learning
 
AUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMAUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEM
 
CAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNINGCAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNING
 
Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.Image super resolution using Generative Adversarial Network.
Image super resolution using Generative Adversarial Network.
 
IRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep LearningIRJET- Rice QA using Deep Learning
IRJET- Rice QA using Deep Learning
 
Partial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather ConditionsPartial Object Detection in Inclined Weather Conditions
Partial Object Detection in Inclined Weather Conditions
 
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
IRJET - Multi-Label Road Scene Prediction for Autonomous Vehicles using Deep ...
 
Garbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning TechniquesGarbage Classification Using Deep Learning Techniques
Garbage Classification Using Deep Learning Techniques
 
Traffic Sign Recognition System
Traffic Sign Recognition SystemTraffic Sign Recognition System
Traffic Sign Recognition System
 
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
 
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box DetectorIRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
IRJET- Object Detection and Recognition using Single Shot Multi-Box Detector
 
FLOOD FORECASTING USING MACHINE LEARNING ALGORITHM
FLOOD FORECASTING USING MACHINE LEARNING ALGORITHMFLOOD FORECASTING USING MACHINE LEARNING ALGORITHM
FLOOD FORECASTING USING MACHINE LEARNING ALGORITHM
 
IRJET - A Research on Eloquent Salvation and Productive Outsourcing of Massiv...
IRJET - A Research on Eloquent Salvation and Productive Outsourcing of Massiv...IRJET - A Research on Eloquent Salvation and Productive Outsourcing of Massiv...
IRJET - A Research on Eloquent Salvation and Productive Outsourcing of Massiv...
 
IRJET- Fabric Defect Detection using Discrete Wavelet Transform
IRJET- Fabric Defect Detection using Discrete Wavelet TransformIRJET- Fabric Defect Detection using Discrete Wavelet Transform
IRJET- Fabric Defect Detection using Discrete Wavelet Transform
 
Application of Digital Image Correlation: A Review
Application of Digital Image Correlation: A ReviewApplication of Digital Image Correlation: A Review
Application of Digital Image Correlation: A Review
 
IRJET- Review of Tencent ML-Images Large-Scale Multi-Label Image Database
IRJET-  	  Review of Tencent ML-Images Large-Scale Multi-Label Image DatabaseIRJET-  	  Review of Tencent ML-Images Large-Scale Multi-Label Image Database
IRJET- Review of Tencent ML-Images Large-Scale Multi-Label Image Database
 
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLINGUSING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
 
40120140507006
4012014050700640120140507006
40120140507006
 
Automatic fabric defect detection employing deep learning
Automatic fabric defect detection employing deep learningAutomatic fabric defect detection employing deep learning
Automatic fabric defect detection employing deep learning
 
Car Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep LearningCar Steering Angle Prediction Using Deep Learning
Car Steering Angle Prediction Using Deep Learning
 

More from Edge AI and Vision Alliance

“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...
“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...
“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...Edge AI and Vision Alliance
 
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...Edge AI and Vision Alliance
 
“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...
“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...
“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...Edge AI and Vision Alliance
 
“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...
“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...
“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...Edge AI and Vision Alliance
 
“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...
“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...
“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...Edge AI and Vision Alliance
 
“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...
“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...
“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...Edge AI and Vision Alliance
 
“Vision-language Representations for Robotics,” a Presentation from the Unive...
“Vision-language Representations for Robotics,” a Presentation from the Unive...“Vision-language Representations for Robotics,” a Presentation from the Unive...
“Vision-language Representations for Robotics,” a Presentation from the Unive...Edge AI and Vision Alliance
 
“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights
“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights
“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsightsEdge AI and Vision Alliance
 
“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...
“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...
“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...Edge AI and Vision Alliance
 
“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...
“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...
“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...Edge AI and Vision Alliance
 
“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...
“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...
“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...Edge AI and Vision Alliance
 
“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...
“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...
“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...Edge AI and Vision Alliance
 
“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...
“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...
“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...Edge AI and Vision Alliance
 
“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...
“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...
“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...Edge AI and Vision Alliance
 
“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...
“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...
“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...Edge AI and Vision Alliance
 
“Updating the Edge ML Development Process,” a Presentation from Samsara
“Updating the Edge ML Development Process,” a Presentation from Samsara“Updating the Edge ML Development Process,” a Presentation from Samsara
“Updating the Edge ML Development Process,” a Presentation from SamsaraEdge AI and Vision Alliance
 
“Combating Bias in Production Computer Vision Systems,” a Presentation from R...
“Combating Bias in Production Computer Vision Systems,” a Presentation from R...“Combating Bias in Production Computer Vision Systems,” a Presentation from R...
“Combating Bias in Production Computer Vision Systems,” a Presentation from R...Edge AI and Vision Alliance
 
“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...
“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...
“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...Edge AI and Vision Alliance
 
“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...
“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...
“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...Edge AI and Vision Alliance
 
“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...
“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...
“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...Edge AI and Vision Alliance
 

More from Edge AI and Vision Alliance (20)

“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...
“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...
“Learning Compact DNN Models for Embedded Vision,” a Presentation from the Un...
 
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
“Introduction to Computer Vision with CNNs,” a Presentation from Mohammad Hag...
 
“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...
“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...
“Selecting Tools for Developing, Monitoring and Maintaining ML Models,” a Pre...
 
“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...
“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...
“Building Accelerated GStreamer Applications for Video and Audio AI,” a Prese...
 
“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...
“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...
“Understanding, Selecting and Optimizing Object Detectors for Edge Applicatio...
 
“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...
“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...
“Introduction to Modern LiDAR for Machine Perception,” a Presentation from th...
 
“Vision-language Representations for Robotics,” a Presentation from the Unive...
“Vision-language Representations for Robotics,” a Presentation from the Unive...“Vision-language Representations for Robotics,” a Presentation from the Unive...
“Vision-language Representations for Robotics,” a Presentation from the Unive...
 
“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights
“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights
“ADAS and AV Sensors: What’s Winning and Why?,” a Presentation from TechInsights
 
“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...
“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...
“Computer Vision in Sports: Scalable Solutions for Downmarkets,” a Presentati...
 
“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...
“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...
“Detecting Data Drift in Image Classification Neural Networks,” a Presentatio...
 
“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...
“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...
“Deep Neural Network Training: Diagnosing Problems and Implementing Solutions...
 
“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...
“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...
“AI Start-ups: The Perils of Fishing for Whales (War Stories from the Entrepr...
 
“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...
“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...
“A Computer Vision System for Autonomous Satellite Maneuvering,” a Presentati...
 
“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...
“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...
“Bias in Computer Vision—It’s Bigger Than Facial Recognition!,” a Presentatio...
 
“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...
“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...
“Sensor Fusion Techniques for Accurate Perception of Objects in the Environme...
 
“Updating the Edge ML Development Process,” a Presentation from Samsara
“Updating the Edge ML Development Process,” a Presentation from Samsara“Updating the Edge ML Development Process,” a Presentation from Samsara
“Updating the Edge ML Development Process,” a Presentation from Samsara
 
“Combating Bias in Production Computer Vision Systems,” a Presentation from R...
“Combating Bias in Production Computer Vision Systems,” a Presentation from R...“Combating Bias in Production Computer Vision Systems,” a Presentation from R...
“Combating Bias in Production Computer Vision Systems,” a Presentation from R...
 
“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...
“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...
“Developing an Embedded Vision AI-powered Fitness System,” a Presentation fro...
 
“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...
“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...
“Navigating the Evolving Venture Capital Landscape for Edge AI Start-ups,” a ...
 
“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...
“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...
“Advanced Presence Sensing: What It Means for the Smart Home,” a Presentation...
 

Recently uploaded

Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticscarlostorres15106
 
SIEMENS: RAPUNZEL – A Tale About Knowledge Graph
SIEMENS: RAPUNZEL – A Tale About Knowledge GraphSIEMENS: RAPUNZEL – A Tale About Knowledge Graph
SIEMENS: RAPUNZEL – A Tale About Knowledge GraphNeo4j
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsEnterprise Knowledge
 
AI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsAI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsMemoori
 
Unblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen FramesUnblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen FramesSinan KOZAK
 
Understanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitectureUnderstanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitecturePixlogix Infotech
 
Pigging Solutions in Pet Food Manufacturing
Pigging Solutions in Pet Food ManufacturingPigging Solutions in Pet Food Manufacturing
Pigging Solutions in Pet Food ManufacturingPigging Solutions
 
Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Scott Keck-Warren
 
Benefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other FrameworksBenefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other FrameworksSoftradix Technologies
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking MenDelhi Call girls
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountPuma Security, LLC
 
Azure Monitor & Application Insight to monitor Infrastructure & Application
Azure Monitor & Application Insight to monitor Infrastructure & ApplicationAzure Monitor & Application Insight to monitor Infrastructure & Application
Azure Monitor & Application Insight to monitor Infrastructure & ApplicationAndikSusilo4
 
Install Stable Diffusion in windows machine
Install Stable Diffusion in windows machineInstall Stable Diffusion in windows machine
Install Stable Diffusion in windows machinePadma Pradeep
 
Hyderabad Call Girls Khairatabad ✨ 7001305949 ✨ Cheap Price Your Budget
Hyderabad Call Girls Khairatabad ✨ 7001305949 ✨ Cheap Price Your BudgetHyderabad Call Girls Khairatabad ✨ 7001305949 ✨ Cheap Price Your Budget
Hyderabad Call Girls Khairatabad ✨ 7001305949 ✨ Cheap Price Your BudgetEnjoy Anytime
 
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024BookNet Canada
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreternaman860154
 
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxMaking_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxnull - The Open Security Community
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsMark Billinghurst
 

Recently uploaded (20)

Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
 
SIEMENS: RAPUNZEL – A Tale About Knowledge Graph
SIEMENS: RAPUNZEL – A Tale About Knowledge GraphSIEMENS: RAPUNZEL – A Tale About Knowledge Graph
SIEMENS: RAPUNZEL – A Tale About Knowledge Graph
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI Solutions
 
AI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsAI as an Interface for Commercial Buildings
AI as an Interface for Commercial Buildings
 
Unblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen FramesUnblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen Frames
 
Understanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitectureUnderstanding the Laravel MVC Architecture
Understanding the Laravel MVC Architecture
 
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptxE-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
 
Vulnerability_Management_GRC_by Sohang Sengupta.pptx
Vulnerability_Management_GRC_by Sohang Sengupta.pptxVulnerability_Management_GRC_by Sohang Sengupta.pptx
Vulnerability_Management_GRC_by Sohang Sengupta.pptx
 
Pigging Solutions in Pet Food Manufacturing
Pigging Solutions in Pet Food ManufacturingPigging Solutions in Pet Food Manufacturing
Pigging Solutions in Pet Food Manufacturing
 
Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024
 
Benefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other FrameworksBenefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other Frameworks
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path Mount
 
Azure Monitor & Application Insight to monitor Infrastructure & Application
Azure Monitor & Application Insight to monitor Infrastructure & ApplicationAzure Monitor & Application Insight to monitor Infrastructure & Application
Azure Monitor & Application Insight to monitor Infrastructure & Application
 
Install Stable Diffusion in windows machine
Install Stable Diffusion in windows machineInstall Stable Diffusion in windows machine
Install Stable Diffusion in windows machine
 
Hyderabad Call Girls Khairatabad ✨ 7001305949 ✨ Cheap Price Your Budget
Hyderabad Call Girls Khairatabad ✨ 7001305949 ✨ Cheap Price Your BudgetHyderabad Call Girls Khairatabad ✨ 7001305949 ✨ Cheap Price Your Budget
Hyderabad Call Girls Khairatabad ✨ 7001305949 ✨ Cheap Price Your Budget
 
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreter
 
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxMaking_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR Systems
 

“Imaging Systems for Applied Reinforcement Learning Control,” a Presentation from Nanotronics

  • 1. © 2020 Nanotronics Imaging Systems for Applied Reinforcement Learning Control Damas Limoge – Sr. R&D Engineer Nanotronics September 2020
  • 2. © 2020 Nanotronics To build the future, you need to see it. -Matthew Putman, CEO
  • 3. © 2020 Nanotronics Outline 1. Introduction to Reinforcement Learning 2. Application Areas for Reinforcement Learning 3. Reinforcement Learning for Imaging Systems 4. Challenges for Using Reinforcement Learning 5. Case Study – Additive Manufacturing Feedback using Image Data 6. Insights and Conclusions 3
  • 4. © 2020 Nanotronics Introduction to Reinforcement Learning 4
  • 5. © 2020 Nanotronics Control Feedback Loops 5 Agent Environment ai si+1 ri+1 si ri Reinforcement Learning Loop (state, action, reward) + C(s) G(s) H(s) ys yi+1 yi ei ui Classical Control Loop (error, effort, output)
  • 6. © 2020 Nanotronics Reinforcement Learning Algorithms Model- Based Model Learning World Models I2A MBMF MBVE Model Provided AlphaZero 6 Model-Free Policy Optimization Policy Gradient A2C/A3C PPO TRPO Hybrid DDPG TD3 SAC Q-Learning DQN C51 QR-DQN HER Source: https://spinningup.openai.com/en/latest/spinningup/rl_intro2.html Given the volume of options, choosing the appropriate algorithm for the problem statement is key.
  • 7. © 2020 Nanotronics Reinforcement Learning Algorithms Model- Based Model Learning World Models I2A MBMF MBVE Model Provided AlphaZero 7 Model-Free Policy Optimization Policy Gradient A2C/A3C PPO TRPO Hybrid DDPG TD3 SAC Q-Learning DQN C51 QR-DQN HER Source: https://spinningup.openai.com/en/latest/spinningup/rl_intro2.html We’ll focus on the model-free variety, as imaging systems exist in noisy, difficult-to-model contexts.
  • 8. © 2020 Nanotronics Explanation of Model-Free Reinforcement Learning • Model-Free reinforcement learning allows us to learn an environment as we traverse it. • If we have an imperfect representation of the model to act on, that is okay, as we anticipate improving our strategy as we continue. • This plays well with physical measurements as it requires less exact measurements for a prediction of optimal actions. • Reinforcement learning in general does not play well with real, physical environments because it requires a huge volume of training examples. • Reducing the required training examples is a huge focus of research in reinforcement learning, and a particular focus in physical applications. • Imaging systems are a subset of physical environments. An imaging system is meant to capture rich, albeit abstract representations of that environment. The RL algorithm is meant to map that to a policy for choosing optimal actions within the environment. 8
  • 9. © 2020 Nanotronics Application Areas for Reinforcement Learning 9
  • 10. © 2020 Nanotronics Simple Environments 10 Sources: 1. (Left) Mnih, Volodymyr, et al. "Playing atari with deep reinforcement learning." arXiv preprint arXiv:1312.5602 (2013). 2. (Right) https://gym.openai.com/envs/CartPole-v0/
  • 11. © 2020 Nanotronics Complex Environments 11 Sources: 1. (Left) Berner, Christopher, et al. "Dota 2 with large scale deep reinforcement learning." arXiv preprint arXiv:1912.06680 (2019). 2. (Right) Baker, Bowen, et al. "Emergent tool use from multi-agent autocurricula." arXiv preprint arXiv:1909.07528 (2019).
  • 12. © 2020 Nanotronics Vision Based Systems 12 Source: 1. https://gizmodo.com/rock-balancing-robots-could-build-our-future-habitats-o-1795814087
  • 13. © 2020 Nanotronics Reinforcement Learning for Imaging Systems 13
  • 14. © 2020 Nanotronics Adjustment to the Reinforcement Learning Structure 14 Agent Environment ai si+1 {ŝi , ri} Reinforcement Learning Loop With Imaging (state, action, reward) Imager + Encoder • The environment must be effectively sampled by an image acquisition system. • This state must include the requisite information for control observability. • The dimension of this state must be reduced from the densely complex image state to a reduced dimensional representative encoding.
  • 15. © 2020 Nanotronics State Embedding • For most image-based machine learning, pixel values of images are fed into convolutional layers. The output of these layers are called the features of the image. • Feature vectors are fundamentally the states of image-based reinforcement learning as well, but the training of their convolutional weights can be prohibitively costly without GPU clusters. • This is distinct from other image classifiers in that a very clear path exists for determining, from a static set of examples, the appropriate network architecture and adjust its dimensions using A/B testing. • In RL applications, it may be prudent to try several different architectures, each requiring subsequent tuning. For this reason, reducing the dimensionality of the input state is helpful in faster iteration through model types. 15
  • 16. © 2020 Nanotronics State Embedding (cont’d) • We can leverage unsupervised methods to train an encoder out of the loop and use scalar targets or human-led instruction for ensuring essential information is maintained. • This capitalizes on the speed with which conventional classifiers can be trained, while allowing flexibility of the network architecture for the agent. • It is analogous to compressing the image and using only a combination of values which provide the highest information content. • Furthermore, we can target certain areas or features by building a loss function that penalizes low information through-put for our desired content. 16 Original Image Reproduced Image Feature Vector Encoder Decoder
  • 17. © 2020 Nanotronics Challenges for Using Reinforcement Learning 17
  • 18. © 2020 Nanotronics Challenges in Physical Environments • Reinforcement learning in physical environments suffers all of the same problems, but training samples are billions of times more temporally expensive to generate. • Physical data is often noisy and actuation setpoints are often imprecise. • The underlying dynamics of physical systems have been well studied in the field of controls, and thus the application of reinforcement learning is often meant to replace a system that can’t be readily modeled or controlled. • Physical environments suffer more severe consequences for unfettered agent exploration, involving damage to equipment or observers. 18
  • 19. © 2020 Nanotronics Reduction of Combinational Complexity • The initial challenge to overcome in physical systems is the acquisition of sufficient data samples to train the agent. One billion samples, even for reasonably fast processes, often extends past the span of many lifetimes. • However, some reinforcement algorithms applied to simple environments with appropriately scaled networks have shown convergence on the order of hundreds or thousands of samples. While these are still costly volumes in some contexts, they are not untenable at face value. • The key to achieving this type of sample efficiency is appropriately defined problems to only consider the actuation points that solve the reward, and likewise a minimized state definition for consideration by the agent. 19
  • 20. © 2020 Nanotronics Case Study: Additive Manufacturing Feedback using Image Data 20
  • 21. © 2020 Nanotronics Case Study Overview • Additive Manufacturing is a burgeoning field of manufacturing that uses material deposition, curing or fusion to build geometries that are unattainable with other fabrication methods. It is commonly referred to as 3D Printing. • Its major hurdle for transitioning from prototype use-cases to industrial applications is, among other things, inconsistency of the material properties after printing. The inconsistency is caused by printing errors such as improper material deposition • The aim of this case study was to build a part (shown to the right) with the most consistent tensile strength. The part was designed to be susceptible to printing errors in the cross-sectional plane. • The allowable actions corresponded to adjusting the material flow and the speed of the print. • Two test cases were considered for RL feedback using Images: • Discrete Error Correction • An error was injected at a specific layer, and the agent was allowed to make corrections on three subsequent layers. • The layer number as well as the error as classified by an image classifier was used as the state definition. • Continuous Error Correction • No errors were injected into the prints, but instead corrections were allowed at all layers. • The state was defined as the output of an autoencoder trained on a two-dimensional Gaussian loss function centered around the layer image. 21
  • 22. © 2020 Nanotronics Printer Modification with Imager Assembly 22
  • 23. © 2020 Nanotronics Example of Acquired Image 23
  • 24. © 2020 Nanotronics Feedback Loop Structure 24
  • 25. © 2020 Nanotronics Discrete Correction Overview • Discrete errors were artificially injected into the print by restricting the flow rate of plastic onto a particular layer. • This error was classified by an image classifier trained with data from images of similarly restricted flow at certain degrees. • The agent could adjust only three layers after the injected error. • Baseline data was collected for the nominal (median) tensile strength and the median tensile strength of the specimen without correction. • Finally, the resulting strength of the part after correction was measured. 25
  • 26. © 2020 Nanotronics Validation Results (Discrete Correction) 26
  • 27. © 2020 Nanotronics Continuous Correction Overview • Discrete errors were no longer injected into the print, and instead the printer would print normally. • Hundreds of thousands of images were captured of the printed layers, and the results were fed through a feature extraction encoder. • The feature vectors were then used as the state for a reinforcement learning agent trained in an offline, off-policy fashion. • A baseline was generated for a distribution of the expected tensile strength, and this distribution was confirmed by an outside measurement laboratory. • The results from the corrective agent were compared against these. 27
  • 28. © 2020 Nanotronics Validation Results (Continuous Correction) 28
  • 29. © 2020 Nanotronics Insights and Conclusions 29
  • 30. © 2020 Nanotronics A Path Forward for the Next Industrial Revolution 30 • Image data is rich with information, and cameras are readily available in many form factors. • While reinforcement learning in the context of physical systems is costly, an intelligent approach to dimensional reduction ensures the problem is tractable. • We were able to construct an imager for an additive manufacturing system that provided a feedback loop to a reinforcement learning agent to infer corrective actions that: 1. Classified and corrected discrete errors. 2. Abstracted layer images to features for continual correction of minor errors. • This work is applicable far beyond additive manufacturing, which was chosen for its widely transferrable principles. Industrial processes with defects or errors detectable through images can all be considered in this structure.
  • 31. © 2020 Nanotronics Additional Resources Topics Covered RL: Open AI – Spinning Up https://spinningup.openai.com/en/latest/ Auto-Encoders http://ufldl.stanford.edu/tutorial/unsupervised/Autoencoders/ Additive Manufacturing https://additivemanufacturing.com/basics/ 2020 Embedded Vision Summit “Imaging Systems for Applied Reinforcement Learning Control” Details (Time, Date, etc.) 31