SlideShare una empresa de Scribd logo
1 de 37
Descargar para leer sin conexión
© 2021 Vision Elements
Applying the Right Deep Learning
Model with the Right Data for Your
Application
Hila Blecher - Segev
Computer Vision and AI Research
Associate, Vision - Elements
© 2021 Vision Elements
Vision Elements in a Nutshell
Decadesof ComputerVision &
Artificial Intelligence(AI)
accumulated experience
PhDs&MScsin Physics,
Mathematics, andEngineering
Industryleaders anddisruptive
startupsamong ourclients
(e.gMedtronic, Philips,Siemens)
Fast&seamless service BasedinIsrael &theUS
2
© 2021 Vision Elements
Agenda
1. Key notes for AI applications
2. Data annotation considerations
3. Algorithmic approaches
4. Additional types of data
5. Model types
6. Volumetric data
3
1.Key Notes for AI Applications
© 2021 Vision Elements
Key Notes for AI Applications (1)
5
• In the past decade we have witnessed the breakthrough of deep neural networks
• What is the basis of this black magic?
• Endless amount of data with large diversity
• Improved learning schemes and hardware
© 2021 Vision Elements
Key Notes for AI Applications (2)
6
• Data challenges
• Large amount of data
• Small number of annotations
fitted for the specific application
• Data privacy and confidentiality
issues
• Non-balanced data
Semi supervised
and unsupervised
learning schemes
Legalization
initiatives
Transfer Learning
Weighted loss and
training
Artificial data
creation
2. Data Annotation Considerations
© 2021 Vision Elements
Data Annotation Considerations (1)
Getting the right data for an application
• Similar characteristic to the data that will be used by the application
• Indoor outdoor
• Camera angles
• Lighting conditions
• Objects
• Large diversity
• Balanced
• Image resolution
• As much data as one can get A snapshot of two root-to-leaf branches of ImageNet: mammal sub-tree and vehicle sub-tree. Source: Ye 2018, fig. A1-A
© 2021 Vision Elements
Data Annotation Considerations (2)
Data annotation has a great impact on the
model performance
• Prone to human errors
• Requires experts in some cases
• Laborious task
9
Deep Learning-Based Car Damage Classification and Detection, Mahavir Dwivedi
Drones using AI and Big Data can detect diseased crops from the air,
Manchester Metropolitan
© 2021 Vision Elements
Data Annotation Considerations(3)
Map out a process for making good choices
for a specific application
What information should we gain from the model?
10
Damage detection from Aerial Imaging
Damage
Severity
Different
classes
labeling
Cost
estimation
Additional
data
Damage
localization
Segmentation
labeling or
Bounding Box Building Damage Detection from Post-Event Aerial Imagery Using Single
Shot Multibox Detector, Yundong Li
© 2021 Vision Elements
Data Annotation Considerations(4)
The million-dollar question: What is the
minimum amount of data needed for the
network to be generalized and robust?
• Model complexity
• Nature of the problem
• When using transfer learning even small
amount of images (thousands) might
yield good results
11
Building Figure 7. Impact of dataset size on segmentation performance of deep learning networks. *p < 0.001 for
all deep networks; †p = 0.027 for DenseNet121
3. Algorithmic Approaches
© 2021 Vision Elements
Algorithmic Approaches (1)
Algorithmic approaches to consider depend on the task we are trying to achieve and the
data available:
• Semantic Segmentation:
Segmenting different pixels according to their damage type (holes, tarp, exposed
plywood, missing shingles)
13
Pros Cons
Most detailed information Time consuming labeling (pixel level)
Good performance of known
architectures (Unet, DeepLab, Vnet etc)
Models are more complicated and
hence require more data for training
Annotation is more complicated
Boundary areas might be occluded (e.g.
trees)
© 2021 Vision Elements
Algorithmic Approaches (2)
• Classification
Classification per deviation from “normal” roof top:
major damage , no damage, minor damage and
destroyed
14
Pros Cons
Classification labeling is simpler
and faster (vs segmentation)
Disagreement between labelers
(especially within the minor
damage class)
Classification architectures are
simpler (vs segmentation)
Subjective labeling
Require less data Less informative
Classification per whole image VS
per house
© 2021 Vision Elements
Algorithmic Approaches (3)
• Regression object detection
• Bounding box location (damaged area localization)
• Classification to damage types
15
Pros Cons
Classification labeling is
simpler and faster (vs
segmentation)
Disagreement between
labelers (especially within the
minor damage class)
Bounding box area simpler and
faster to mark (vs
segmentation)
Classification architectures are
simpler (vs segmentation)
Subjective labeling
Require less data Less informative
Building Damage Detection from Post-Event Aerial Imagery Using Single Shot Multibox Detector,
Yundong Li
4. Additional Types of Data
© 2021 Vision Elements
Additional Types of Data
Disease detection in multi spectral imaging
(Vineyard )
• Type of soil and Previous crop details
• Climate information
• Pre-disease image
• Multiple images from different views or
time
• How to add more data?
• Another input channel
• Combine in the features (latent) space
17
Segmentation qualitative results by the SegNet method for the P1 vineyard. On the left, images from
UAV and their right, the segmentation result of these images. The color code of the segmentation is;
Black: Shadow, Brown: Ground, Green: Healthy, Yellow: Visible symptom, Orange: Infrared symptom,
Red: Symptom intersection.
5. Model Types
© 2021 Vision Elements
Model Types (1)
Convolutional Neural Networks (CNN) –
ClassificationRegression application
• Mainly used in vision applications, to
use image spatial information
• Extract local features from the image
• Fewer parameters than a fully
connected layer
• Interleave convolutions,
nonlinearities, and (often) pooling
operations
• Widely used architectures : Dense
net, VGG, Res net
© 2021 Vision Elements
Model Types (2)
Fully convolutional networks (FCN) -
Segmentation
• Uses a CNN to extract important
features from the image
(encoder)
• Transpose convolutional layers to
achieve same spatial resolution at
the output (decoder)
• Widely used architectures: Unet,
Vnet, Deeplab
© 2021 Vision Elements
Model Types (3)
Generative Adversarial Networks (GAN)
• First component is a generative model that outputs
similar data as the real data
• Second component is the discriminator network.
It attempts to distinguish real data from fake one
• Both networks are in competition with each other
• Mainly used in anomaly detection, image generation
and image translation
• Known architectures: CycleGAN, StyleGAN and text-
2image
6. Volumetric Data
© 2021 Vision Elements
Volumetric Data (1)
• What would be the best
approach for Human Activity
Recognition ?
• Can we exploit the temporal
connection ?
23
© 2021 Vision Elements
Volumetric Data (2)
Recurrent Neural Network – RNN
24
Convolution Long Short Term Memory - ConvLSTM
© 2021 Vision Elements
Video Incorporation
25
© 2021 Vision Elements
Key Takeaways
Throughout the presentation we have mapped out the process of making good
choices for a specific AI application
• Goal definition
• Data types
• Annotation forms and pitfalls
• Algorithmic approaches and models
These choices are dependent on each other and have a great impact on the final
model performance
26
© 2021 Vision Elements
Resources (1)
27
• Deep Learning-Based Car Damage Classification and Detection, Mahavir Dwivedi
https://link.springer.com/chapter/10.1007/978-981-15-3514-7_18
• Drones using AI and Big Data can detect diseased crops from the air, Manchester Metropolitan
https://www.mmu.ac.uk/news-and-events/news/story/8539/
• Building Damage Detection from Post-Event Aerial Imagery Using Single Shot Multibox Detector, Yundong Li *, Wei
Hu, Han Dong and Xueyan Zhang
• Superpixel-wise Assessment of Building Damage from Aerial Images, Lukas Lucks, Dimitri Bulatov
• Vine disease detection in UAV multispectral images with deep learning segmentation approach, Mohamed Kerkech
Adel Hafiane and Raphael Canals
• Image net A snapshot of two root-to-leaf branches of ImageNet: mammal sub-tree and vehicle sub-tree. Source: Ye
2018, fig. A1-A
• SuYang, Jihoon Kweon , Deep learning segmentation of major vessels in X-ray coronary angiography, figure 7
© 2021 Vision Elements
Resources (2)
28
• Single roof top image from a drone, https://www.everypixel.com/image-
14256949166607403839
• Le-Net image for CNN taken from: http://d2l.ai/chapter_convolutional-neural-
networks/lenet.html
• GANS https://www.allerin.com/blog/5-applications-of-generative-adversarial-networks
• GANS image : http://d2l.ai/chapter_generative-adversarial-networks/gan.html
• FCN image : https://www.mygreatlearning.com/blog/fcn-fully-convolutional-network-
semantic-segmentation/
© 2021 Vision Elements
Thank you for listening
Hila@vision-elements.com
www.vision-elements.com
For further information, please contact us:
Backup slides
© 2021 Vision Elements
Vision Elements services
Computer vision – Straight Forward
31
3Dreconstruction
Objectrecognition
Segmentation
Classification
Registration
Gesture recognition
Parameter estimation
Point cloud manipulation
Deep learning & AI
Data fusion
Geolocation AR/VR
Tracking
Image/videoprocessing Signalprocessing
© 2021 Vision Elements
Management team
32
Guy Lavi, MSc
MANAGING PARTNER
Founder, CEOand President at
CathWorks
M.Sc. in Geodetic Engineering,
Technion, IL
20 years in computer vision,out
of which 15years in medical
imaging.
Past: Philips Healthcare; Israeli
Ministry of Defense;P-Cure
Adi Dafni, MSc
PARTNER
M.Sc. Electrical and Computer
Engineering, TelAviv Uni,IL
13years in computer visionand
machine learning.
Past: IBM, Applied Materials
Asaf Shimshovitz, PhD
PARTNER
PhD. In Physics, Bar Ilan Uni, IL
Developed breakthrough
algorithms for solving the
Schrodinger equations in
quantum mechanics, 4 yearsof
experience in computer vision
and machine learning
Adi Sheinfeld, PhD
ASSOCIATE
PhD. in Electrical Engineering,
Post-doc in Biomedical
Engineering at DukeUniversity
13years in computer visionand
machine learning
Past: Applied Materials
Hila Blecher-Segev, MSc
ASSOCIATE
MSc and BScin Engineeringwith
honors from Ben Gurion
University
12years experience of algorithm
development – Computer vision
& AI
Past: Rafael – Leading defense
company, VR/AR start-up
© 2021 Vision Elements
We’re Here ForYou
Let us help you with your complex technological obstacles.
• Enjoyrapid deployment
• Increase your team’s performance and meet stringent R&Dtargets
• Utilize aflexible service (short to longterm)
• Intellectual property belongs to you
• Stay ahead of the competition
33
© 2021 Vision Elements
Project example - LED Detection & Color Mapping
Retailers connect physical assetsto
online content through unique LED-
based opticaltags.
Vision Elements developed the algorithm –
detecting the LEDsand extracting the
temporal color vector out of the video.
34
https://www.vision-elements.com/?video=leds-
detection-and-color-mapping
© 2021 Vision Elements
Project example - Gesture Recognition
35
Multi core vision processor supports3D
imaging.
Vision Elements created depthmaps,
gesture recognition capabilities and
combined near and far depth images into a
single HDRimage.
https://www.vision-elements.com/?video=hand-
gesture-recognition
© 2021 Vision Elements
Project example - Autonomous Drone
36
Drone follows objects for leisure and sport
activities.
Vision Elements implemented the target
tracking – overcoming challenges such as
lost view, multiple objects, similar
backgroundcolors.
https://www.vision-
elements.com/?video=autonomous-drone
© 2021 Vision Elements
Project example - Augmented Reality Surgery Planning
37
CTimages with advanced deep learning
enablevertebrae labeling and overall
surgeryplanning.
Vision Elements deployed deep learning
using 3D convolutional neural network
(CNN) for fully automatic segmentation
andlabeling. https://www.vision-
elements.com/?video=augmented-reality-surgery-
planning

Más contenido relacionado

La actualidad más candente

“Case Study: Facial Detection and Recognition for Always-On Applications,” a ...
“Case Study: Facial Detection and Recognition for Always-On Applications,” a ...“Case Study: Facial Detection and Recognition for Always-On Applications,” a ...
“Case Study: Facial Detection and Recognition for Always-On Applications,” a ...Edge AI and Vision Alliance
 
“Getting Started with Vision AI Model Training,” a Presentation from NVIDIA
“Getting Started with Vision AI Model Training,” a Presentation from NVIDIA“Getting Started with Vision AI Model Training,” a Presentation from NVIDIA
“Getting Started with Vision AI Model Training,” a Presentation from NVIDIAEdge AI and Vision Alliance
 
Skin Lesion Detection from Dermoscopic Images using Convolutional Neural Netw...
Skin Lesion Detection from Dermoscopic Images using Convolutional Neural Netw...Skin Lesion Detection from Dermoscopic Images using Convolutional Neural Netw...
Skin Lesion Detection from Dermoscopic Images using Convolutional Neural Netw...Universitat Politècnica de Catalunya
 
Computer Vision with Deep Learning
Computer Vision with Deep LearningComputer Vision with Deep Learning
Computer Vision with Deep LearningCapgemini
 
Machine learning for wireless networks @Bestcom2016
Machine learning for wireless networks @Bestcom2016Machine learning for wireless networks @Bestcom2016
Machine learning for wireless networks @Bestcom2016Merima Kulin
 
Extended Visual Cryptography Using Watermarking
Extended Visual Cryptography Using WatermarkingExtended Visual Cryptography Using Watermarking
Extended Visual Cryptography Using WatermarkingShivam Singh
 
“High-fidelity Conversion of Floating-point Networks for Low-precision Infere...
“High-fidelity Conversion of Floating-point Networks for Low-precision Infere...“High-fidelity Conversion of Floating-point Networks for Low-precision Infere...
“High-fidelity Conversion of Floating-point Networks for Low-precision Infere...Edge AI and Vision Alliance
 
Image Captioning Generator using Deep Machine Learning
Image Captioning Generator using Deep Machine LearningImage Captioning Generator using Deep Machine Learning
Image Captioning Generator using Deep Machine Learningijtsrd
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Muhammad Haroon
 
“A Highly Data-Efficient Deep Learning Approach,” a Presentation from Samsung
“A Highly Data-Efficient Deep Learning Approach,” a Presentation from Samsung“A Highly Data-Efficient Deep Learning Approach,” a Presentation from Samsung
“A Highly Data-Efficient Deep Learning Approach,” a Presentation from SamsungEdge AI and Vision Alliance
 
Automated Neural Image Caption Generator for Visually Impaired People
Automated Neural Image Caption Generator for Visually Impaired PeopleAutomated Neural Image Caption Generator for Visually Impaired People
Automated Neural Image Caption Generator for Visually Impaired PeopleChristopher Mehdi Elamri
 
Small Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their DesignSmall Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their DesignForrest Iandola
 
Development of 3D convolutional neural network to recognize human activities ...
Development of 3D convolutional neural network to recognize human activities ...Development of 3D convolutional neural network to recognize human activities ...
Development of 3D convolutional neural network to recognize human activities ...journalBEEI
 
2015 09-21 webinar - 3D SCAN 3D Scanning Storage and Visualization
2015 09-21 webinar - 3D SCAN 3D Scanning Storage and Visualization2015 09-21 webinar - 3D SCAN 3D Scanning Storage and Visualization
2015 09-21 webinar - 3D SCAN 3D Scanning Storage and VisualizationFITMAN FI
 
International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)ijceronline
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Basit Rafiq
 
International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)ijceronline
 
Interpretable AI: Not Just For Regulators
Interpretable AI: Not Just For RegulatorsInterpretable AI: Not Just For Regulators
Interpretable AI: Not Just For RegulatorsDatabricks
 

La actualidad más candente (20)

“Case Study: Facial Detection and Recognition for Always-On Applications,” a ...
“Case Study: Facial Detection and Recognition for Always-On Applications,” a ...“Case Study: Facial Detection and Recognition for Always-On Applications,” a ...
“Case Study: Facial Detection and Recognition for Always-On Applications,” a ...
 
“Getting Started with Vision AI Model Training,” a Presentation from NVIDIA
“Getting Started with Vision AI Model Training,” a Presentation from NVIDIA“Getting Started with Vision AI Model Training,” a Presentation from NVIDIA
“Getting Started with Vision AI Model Training,” a Presentation from NVIDIA
 
Skin Lesion Detection from Dermoscopic Images using Convolutional Neural Netw...
Skin Lesion Detection from Dermoscopic Images using Convolutional Neural Netw...Skin Lesion Detection from Dermoscopic Images using Convolutional Neural Netw...
Skin Lesion Detection from Dermoscopic Images using Convolutional Neural Netw...
 
Computer Vision with Deep Learning
Computer Vision with Deep LearningComputer Vision with Deep Learning
Computer Vision with Deep Learning
 
Machine learning for wireless networks @Bestcom2016
Machine learning for wireless networks @Bestcom2016Machine learning for wireless networks @Bestcom2016
Machine learning for wireless networks @Bestcom2016
 
Extended Visual Cryptography Using Watermarking
Extended Visual Cryptography Using WatermarkingExtended Visual Cryptography Using Watermarking
Extended Visual Cryptography Using Watermarking
 
“High-fidelity Conversion of Floating-point Networks for Low-precision Infere...
“High-fidelity Conversion of Floating-point Networks for Low-precision Infere...“High-fidelity Conversion of Floating-point Networks for Low-precision Infere...
“High-fidelity Conversion of Floating-point Networks for Low-precision Infere...
 
Image Captioning Generator using Deep Machine Learning
Image Captioning Generator using Deep Machine LearningImage Captioning Generator using Deep Machine Learning
Image Captioning Generator using Deep Machine Learning
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)
 
“A Highly Data-Efficient Deep Learning Approach,” a Presentation from Samsung
“A Highly Data-Efficient Deep Learning Approach,” a Presentation from Samsung“A Highly Data-Efficient Deep Learning Approach,” a Presentation from Samsung
“A Highly Data-Efficient Deep Learning Approach,” a Presentation from Samsung
 
Automated Neural Image Caption Generator for Visually Impaired People
Automated Neural Image Caption Generator for Visually Impaired PeopleAutomated Neural Image Caption Generator for Visually Impaired People
Automated Neural Image Caption Generator for Visually Impaired People
 
Small Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their DesignSmall Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their Design
 
kanimozhi2019.pdf
kanimozhi2019.pdfkanimozhi2019.pdf
kanimozhi2019.pdf
 
Development of 3D convolutional neural network to recognize human activities ...
Development of 3D convolutional neural network to recognize human activities ...Development of 3D convolutional neural network to recognize human activities ...
Development of 3D convolutional neural network to recognize human activities ...
 
2015 09-21 webinar - 3D SCAN 3D Scanning Storage and Visualization
2015 09-21 webinar - 3D SCAN 3D Scanning Storage and Visualization2015 09-21 webinar - 3D SCAN 3D Scanning Storage and Visualization
2015 09-21 webinar - 3D SCAN 3D Scanning Storage and Visualization
 
International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
 
CI image processing
CI image processing CI image processing
CI image processing
 
International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)
 
Interpretable AI: Not Just For Regulators
Interpretable AI: Not Just For RegulatorsInterpretable AI: Not Just For Regulators
Interpretable AI: Not Just For Regulators
 

Similar a “Applying the Right Deep Learning Model with the Right Data for Your Application,” a Presentation from Vision Elements

“Building an Autonomous Detect-and-Avoid System for Commercial Drones,” a Pre...
“Building an Autonomous Detect-and-Avoid System for Commercial Drones,” a Pre...“Building an Autonomous Detect-and-Avoid System for Commercial Drones,” a Pre...
“Building an Autonomous Detect-and-Avoid System for Commercial Drones,” a Pre...Edge AI and Vision Alliance
 
(R)evolution of the computing continuum - A few challenges
(R)evolution of the computing continuum  - A few challenges(R)evolution of the computing continuum  - A few challenges
(R)evolution of the computing continuum - A few challengesFrederic Desprez
 
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLINGUSING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLINGIRJET Journal
 
REVIEW ON OBJECT DETECTION WITH CNN
REVIEW ON OBJECT DETECTION WITH CNNREVIEW ON OBJECT DETECTION WITH CNN
REVIEW ON OBJECT DETECTION WITH CNNIRJET 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
 
DETECTION METHOD FOR CLASSIFYING MALICIOUS FIRMWARE
DETECTION METHOD FOR CLASSIFYING MALICIOUS FIRMWAREDETECTION METHOD FOR CLASSIFYING MALICIOUS FIRMWARE
DETECTION METHOD FOR CLASSIFYING MALICIOUS FIRMWAREIJNSA Journal
 
Object Detetcion using SSD-MobileNet
Object Detetcion using SSD-MobileNetObject Detetcion using SSD-MobileNet
Object Detetcion using SSD-MobileNetIRJET Journal
 
DISTRIBUTED SYSTEM FOR 3D REMOTE MONITORING USING KINECT DEPTH CAMERAS
DISTRIBUTED SYSTEM FOR 3D REMOTE MONITORING USING KINECT DEPTH CAMERASDISTRIBUTED SYSTEM FOR 3D REMOTE MONITORING USING KINECT DEPTH CAMERAS
DISTRIBUTED SYSTEM FOR 3D REMOTE MONITORING USING KINECT DEPTH CAMERAScscpconf
 
CAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNINGCAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNINGIRJET Journal
 
Real Time Moving Object Detection for Day-Night Surveillance using AI
Real Time Moving Object Detection for Day-Night Surveillance using AIReal Time Moving Object Detection for Day-Night Surveillance using AI
Real Time Moving Object Detection for Day-Night Surveillance using AIIRJET Journal
 
DSNet Joint Semantic Learning for Object Detection in Inclement Weather Condi...
DSNet Joint Semantic Learning for Object Detection in Inclement Weather Condi...DSNet Joint Semantic Learning for Object Detection in Inclement Weather Condi...
DSNet Joint Semantic Learning for Object Detection in Inclement Weather Condi...IRJET Journal
 
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...Edge AI and Vision Alliance
 
Artificial Intelligence for Vision: A walkthrough of recent breakthroughs
Artificial Intelligence for Vision:  A walkthrough of recent breakthroughsArtificial Intelligence for Vision:  A walkthrough of recent breakthroughs
Artificial Intelligence for Vision: A walkthrough of recent breakthroughsNikolas Markou
 
Convolutional Neural Network Based Real Time Object Detection Using YOLO V4
Convolutional Neural Network Based Real Time Object Detection Using YOLO V4Convolutional Neural Network Based Real Time Object Detection Using YOLO V4
Convolutional Neural Network Based Real Time Object Detection Using YOLO V4IRJET Journal
 
IRJET - An Robust and Dynamic Fire Detection Method using Convolutional N...
IRJET -  	  An Robust and Dynamic Fire Detection Method using Convolutional N...IRJET -  	  An Robust and Dynamic Fire Detection Method using Convolutional N...
IRJET - An Robust and Dynamic Fire Detection Method using Convolutional N...IRJET 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
 
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)Fellowship at Vodafone FutureLab
 
Indoor 3 d video monitoring using multiple kinect depth cameras
Indoor 3 d video monitoring using multiple kinect depth camerasIndoor 3 d video monitoring using multiple kinect depth cameras
Indoor 3 d video monitoring using multiple kinect depth camerasijma
 
Indoor 3D Video Monitoring Using Multiple Kinect Depth-Cameras
Indoor 3D Video Monitoring Using Multiple Kinect Depth-CamerasIndoor 3D Video Monitoring Using Multiple Kinect Depth-Cameras
Indoor 3D Video Monitoring Using Multiple Kinect Depth-Camerasijma
 
FIWARE Global Summit - FogFlow GE: Intent-based Edge Programming
FIWARE Global Summit - FogFlow GE: Intent-based Edge ProgrammingFIWARE Global Summit - FogFlow GE: Intent-based Edge Programming
FIWARE Global Summit - FogFlow GE: Intent-based Edge ProgrammingFIWARE
 

Similar a “Applying the Right Deep Learning Model with the Right Data for Your Application,” a Presentation from Vision Elements (20)

“Building an Autonomous Detect-and-Avoid System for Commercial Drones,” a Pre...
“Building an Autonomous Detect-and-Avoid System for Commercial Drones,” a Pre...“Building an Autonomous Detect-and-Avoid System for Commercial Drones,” a Pre...
“Building an Autonomous Detect-and-Avoid System for Commercial Drones,” a Pre...
 
(R)evolution of the computing continuum - A few challenges
(R)evolution of the computing continuum  - A few challenges(R)evolution of the computing continuum  - A few challenges
(R)evolution of the computing continuum - A few challenges
 
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLINGUSING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
USING IMAGE CLASSIFICATION TO INCENTIVIZE RECYCLING
 
REVIEW ON OBJECT DETECTION WITH CNN
REVIEW ON OBJECT DETECTION WITH CNNREVIEW ON OBJECT DETECTION WITH CNN
REVIEW ON OBJECT DETECTION WITH CNN
 
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 ...
 
DETECTION METHOD FOR CLASSIFYING MALICIOUS FIRMWARE
DETECTION METHOD FOR CLASSIFYING MALICIOUS FIRMWAREDETECTION METHOD FOR CLASSIFYING MALICIOUS FIRMWARE
DETECTION METHOD FOR CLASSIFYING MALICIOUS FIRMWARE
 
Object Detetcion using SSD-MobileNet
Object Detetcion using SSD-MobileNetObject Detetcion using SSD-MobileNet
Object Detetcion using SSD-MobileNet
 
DISTRIBUTED SYSTEM FOR 3D REMOTE MONITORING USING KINECT DEPTH CAMERAS
DISTRIBUTED SYSTEM FOR 3D REMOTE MONITORING USING KINECT DEPTH CAMERASDISTRIBUTED SYSTEM FOR 3D REMOTE MONITORING USING KINECT DEPTH CAMERAS
DISTRIBUTED SYSTEM FOR 3D REMOTE MONITORING USING KINECT DEPTH CAMERAS
 
CAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNINGCAR DAMAGE DETECTION USING DEEP LEARNING
CAR DAMAGE DETECTION USING DEEP LEARNING
 
Real Time Moving Object Detection for Day-Night Surveillance using AI
Real Time Moving Object Detection for Day-Night Surveillance using AIReal Time Moving Object Detection for Day-Night Surveillance using AI
Real Time Moving Object Detection for Day-Night Surveillance using AI
 
DSNet Joint Semantic Learning for Object Detection in Inclement Weather Condi...
DSNet Joint Semantic Learning for Object Detection in Inclement Weather Condi...DSNet Joint Semantic Learning for Object Detection in Inclement Weather Condi...
DSNet Joint Semantic Learning for Object Detection in Inclement Weather Condi...
 
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
 
Artificial Intelligence for Vision: A walkthrough of recent breakthroughs
Artificial Intelligence for Vision:  A walkthrough of recent breakthroughsArtificial Intelligence for Vision:  A walkthrough of recent breakthroughs
Artificial Intelligence for Vision: A walkthrough of recent breakthroughs
 
Convolutional Neural Network Based Real Time Object Detection Using YOLO V4
Convolutional Neural Network Based Real Time Object Detection Using YOLO V4Convolutional Neural Network Based Real Time Object Detection Using YOLO V4
Convolutional Neural Network Based Real Time Object Detection Using YOLO V4
 
IRJET - An Robust and Dynamic Fire Detection Method using Convolutional N...
IRJET -  	  An Robust and Dynamic Fire Detection Method using Convolutional N...IRJET -  	  An Robust and Dynamic Fire Detection Method using Convolutional N...
IRJET - An Robust and Dynamic Fire Detection Method using Convolutional N...
 
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNETROAD POTHOLE DETECTION USING YOLOV4 DARKNET
ROAD POTHOLE DETECTION USING YOLOV4 DARKNET
 
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
 
Indoor 3 d video monitoring using multiple kinect depth cameras
Indoor 3 d video monitoring using multiple kinect depth camerasIndoor 3 d video monitoring using multiple kinect depth cameras
Indoor 3 d video monitoring using multiple kinect depth cameras
 
Indoor 3D Video Monitoring Using Multiple Kinect Depth-Cameras
Indoor 3D Video Monitoring Using Multiple Kinect Depth-CamerasIndoor 3D Video Monitoring Using Multiple Kinect Depth-Cameras
Indoor 3D Video Monitoring Using Multiple Kinect Depth-Cameras
 
FIWARE Global Summit - FogFlow GE: Intent-based Edge Programming
FIWARE Global Summit - FogFlow GE: Intent-based Edge ProgrammingFIWARE Global Summit - FogFlow GE: Intent-based Edge Programming
FIWARE Global Summit - FogFlow GE: Intent-based Edge Programming
 

Más de 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
 

Más de 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...
 

Último

Why device, WIFI, and ISP insights are crucial to supporting remote Microsoft...
Why device, WIFI, and ISP insights are crucial to supporting remote Microsoft...Why device, WIFI, and ISP insights are crucial to supporting remote Microsoft...
Why device, WIFI, and ISP insights are crucial to supporting remote Microsoft...panagenda
 
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxThe Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxLoriGlavin3
 
Manual 508 Accessibility Compliance Audit
Manual 508 Accessibility Compliance AuditManual 508 Accessibility Compliance Audit
Manual 508 Accessibility Compliance AuditSkynet Technologies
 
Generative Artificial Intelligence: How generative AI works.pdf
Generative Artificial Intelligence: How generative AI works.pdfGenerative Artificial Intelligence: How generative AI works.pdf
Generative Artificial Intelligence: How generative AI works.pdfIngrid Airi González
 
The State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptxThe State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptxLoriGlavin3
 
Connecting the Dots for Information Discovery.pdf
Connecting the Dots for Information Discovery.pdfConnecting the Dots for Information Discovery.pdf
Connecting the Dots for Information Discovery.pdfNeo4j
 
So einfach geht modernes Roaming fuer Notes und Nomad.pdf
So einfach geht modernes Roaming fuer Notes und Nomad.pdfSo einfach geht modernes Roaming fuer Notes und Nomad.pdf
So einfach geht modernes Roaming fuer Notes und Nomad.pdfpanagenda
 
Sample pptx for embedding into website for demo
Sample pptx for embedding into website for demoSample pptx for embedding into website for demo
Sample pptx for embedding into website for demoHarshalMandlekar2
 
Enhancing User Experience - Exploring the Latest Features of Tallyman Axis Lo...
Enhancing User Experience - Exploring the Latest Features of Tallyman Axis Lo...Enhancing User Experience - Exploring the Latest Features of Tallyman Axis Lo...
Enhancing User Experience - Exploring the Latest Features of Tallyman Axis Lo...Scott Andery
 
How to write a Business Continuity Plan
How to write a Business Continuity PlanHow to write a Business Continuity Plan
How to write a Business Continuity PlanDatabarracks
 
[Webinar] SpiraTest - Setting New Standards in Quality Assurance
[Webinar] SpiraTest - Setting New Standards in Quality Assurance[Webinar] SpiraTest - Setting New Standards in Quality Assurance
[Webinar] SpiraTest - Setting New Standards in Quality AssuranceInflectra
 
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024BookNet Canada
 
Rise of the Machines: Known As Drones...
Rise of the Machines: Known As Drones...Rise of the Machines: Known As Drones...
Rise of the Machines: Known As Drones...Rick Flair
 
Use of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptx
Use of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptxUse of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptx
Use of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptxLoriGlavin3
 
Genislab builds better products and faster go-to-market with Lean project man...
Genislab builds better products and faster go-to-market with Lean project man...Genislab builds better products and faster go-to-market with Lean project man...
Genislab builds better products and faster go-to-market with Lean project man...Farhan Tariq
 
Emixa Mendix Meetup 11 April 2024 about Mendix Native development
Emixa Mendix Meetup 11 April 2024 about Mendix Native developmentEmixa Mendix Meetup 11 April 2024 about Mendix Native development
Emixa Mendix Meetup 11 April 2024 about Mendix Native developmentPim van der Noll
 
Generative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information DevelopersGenerative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information DevelopersRaghuram Pandurangan
 
Scale your database traffic with Read & Write split using MySQL Router
Scale your database traffic with Read & Write split using MySQL RouterScale your database traffic with Read & Write split using MySQL Router
Scale your database traffic with Read & Write split using MySQL RouterMydbops
 
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptx
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptxPasskey Providers and Enabling Portability: FIDO Paris Seminar.pptx
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptxLoriGlavin3
 
Digital Identity is Under Attack: FIDO Paris Seminar.pptx
Digital Identity is Under Attack: FIDO Paris Seminar.pptxDigital Identity is Under Attack: FIDO Paris Seminar.pptx
Digital Identity is Under Attack: FIDO Paris Seminar.pptxLoriGlavin3
 

Último (20)

Why device, WIFI, and ISP insights are crucial to supporting remote Microsoft...
Why device, WIFI, and ISP insights are crucial to supporting remote Microsoft...Why device, WIFI, and ISP insights are crucial to supporting remote Microsoft...
Why device, WIFI, and ISP insights are crucial to supporting remote Microsoft...
 
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxThe Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
 
Manual 508 Accessibility Compliance Audit
Manual 508 Accessibility Compliance AuditManual 508 Accessibility Compliance Audit
Manual 508 Accessibility Compliance Audit
 
Generative Artificial Intelligence: How generative AI works.pdf
Generative Artificial Intelligence: How generative AI works.pdfGenerative Artificial Intelligence: How generative AI works.pdf
Generative Artificial Intelligence: How generative AI works.pdf
 
The State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptxThe State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptx
 
Connecting the Dots for Information Discovery.pdf
Connecting the Dots for Information Discovery.pdfConnecting the Dots for Information Discovery.pdf
Connecting the Dots for Information Discovery.pdf
 
So einfach geht modernes Roaming fuer Notes und Nomad.pdf
So einfach geht modernes Roaming fuer Notes und Nomad.pdfSo einfach geht modernes Roaming fuer Notes und Nomad.pdf
So einfach geht modernes Roaming fuer Notes und Nomad.pdf
 
Sample pptx for embedding into website for demo
Sample pptx for embedding into website for demoSample pptx for embedding into website for demo
Sample pptx for embedding into website for demo
 
Enhancing User Experience - Exploring the Latest Features of Tallyman Axis Lo...
Enhancing User Experience - Exploring the Latest Features of Tallyman Axis Lo...Enhancing User Experience - Exploring the Latest Features of Tallyman Axis Lo...
Enhancing User Experience - Exploring the Latest Features of Tallyman Axis Lo...
 
How to write a Business Continuity Plan
How to write a Business Continuity PlanHow to write a Business Continuity Plan
How to write a Business Continuity Plan
 
[Webinar] SpiraTest - Setting New Standards in Quality Assurance
[Webinar] SpiraTest - Setting New Standards in Quality Assurance[Webinar] SpiraTest - Setting New Standards in Quality Assurance
[Webinar] SpiraTest - Setting New Standards in Quality Assurance
 
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
 
Rise of the Machines: Known As Drones...
Rise of the Machines: Known As Drones...Rise of the Machines: Known As Drones...
Rise of the Machines: Known As Drones...
 
Use of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptx
Use of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptxUse of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptx
Use of FIDO in the Payments and Identity Landscape: FIDO Paris Seminar.pptx
 
Genislab builds better products and faster go-to-market with Lean project man...
Genislab builds better products and faster go-to-market with Lean project man...Genislab builds better products and faster go-to-market with Lean project man...
Genislab builds better products and faster go-to-market with Lean project man...
 
Emixa Mendix Meetup 11 April 2024 about Mendix Native development
Emixa Mendix Meetup 11 April 2024 about Mendix Native developmentEmixa Mendix Meetup 11 April 2024 about Mendix Native development
Emixa Mendix Meetup 11 April 2024 about Mendix Native development
 
Generative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information DevelopersGenerative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information Developers
 
Scale your database traffic with Read & Write split using MySQL Router
Scale your database traffic with Read & Write split using MySQL RouterScale your database traffic with Read & Write split using MySQL Router
Scale your database traffic with Read & Write split using MySQL Router
 
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptx
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptxPasskey Providers and Enabling Portability: FIDO Paris Seminar.pptx
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptx
 
Digital Identity is Under Attack: FIDO Paris Seminar.pptx
Digital Identity is Under Attack: FIDO Paris Seminar.pptxDigital Identity is Under Attack: FIDO Paris Seminar.pptx
Digital Identity is Under Attack: FIDO Paris Seminar.pptx
 

“Applying the Right Deep Learning Model with the Right Data for Your Application,” a Presentation from Vision Elements

  • 1. © 2021 Vision Elements Applying the Right Deep Learning Model with the Right Data for Your Application Hila Blecher - Segev Computer Vision and AI Research Associate, Vision - Elements
  • 2. © 2021 Vision Elements Vision Elements in a Nutshell Decadesof ComputerVision & Artificial Intelligence(AI) accumulated experience PhDs&MScsin Physics, Mathematics, andEngineering Industryleaders anddisruptive startupsamong ourclients (e.gMedtronic, Philips,Siemens) Fast&seamless service BasedinIsrael &theUS 2
  • 3. © 2021 Vision Elements Agenda 1. Key notes for AI applications 2. Data annotation considerations 3. Algorithmic approaches 4. Additional types of data 5. Model types 6. Volumetric data 3
  • 4. 1.Key Notes for AI Applications
  • 5. © 2021 Vision Elements Key Notes for AI Applications (1) 5 • In the past decade we have witnessed the breakthrough of deep neural networks • What is the basis of this black magic? • Endless amount of data with large diversity • Improved learning schemes and hardware
  • 6. © 2021 Vision Elements Key Notes for AI Applications (2) 6 • Data challenges • Large amount of data • Small number of annotations fitted for the specific application • Data privacy and confidentiality issues • Non-balanced data Semi supervised and unsupervised learning schemes Legalization initiatives Transfer Learning Weighted loss and training Artificial data creation
  • 7. 2. Data Annotation Considerations
  • 8. © 2021 Vision Elements Data Annotation Considerations (1) Getting the right data for an application • Similar characteristic to the data that will be used by the application • Indoor outdoor • Camera angles • Lighting conditions • Objects • Large diversity • Balanced • Image resolution • As much data as one can get A snapshot of two root-to-leaf branches of ImageNet: mammal sub-tree and vehicle sub-tree. Source: Ye 2018, fig. A1-A
  • 9. © 2021 Vision Elements Data Annotation Considerations (2) Data annotation has a great impact on the model performance • Prone to human errors • Requires experts in some cases • Laborious task 9 Deep Learning-Based Car Damage Classification and Detection, Mahavir Dwivedi Drones using AI and Big Data can detect diseased crops from the air, Manchester Metropolitan
  • 10. © 2021 Vision Elements Data Annotation Considerations(3) Map out a process for making good choices for a specific application What information should we gain from the model? 10 Damage detection from Aerial Imaging Damage Severity Different classes labeling Cost estimation Additional data Damage localization Segmentation labeling or Bounding Box Building Damage Detection from Post-Event Aerial Imagery Using Single Shot Multibox Detector, Yundong Li
  • 11. © 2021 Vision Elements Data Annotation Considerations(4) The million-dollar question: What is the minimum amount of data needed for the network to be generalized and robust? • Model complexity • Nature of the problem • When using transfer learning even small amount of images (thousands) might yield good results 11 Building Figure 7. Impact of dataset size on segmentation performance of deep learning networks. *p < 0.001 for all deep networks; †p = 0.027 for DenseNet121
  • 13. © 2021 Vision Elements Algorithmic Approaches (1) Algorithmic approaches to consider depend on the task we are trying to achieve and the data available: • Semantic Segmentation: Segmenting different pixels according to their damage type (holes, tarp, exposed plywood, missing shingles) 13 Pros Cons Most detailed information Time consuming labeling (pixel level) Good performance of known architectures (Unet, DeepLab, Vnet etc) Models are more complicated and hence require more data for training Annotation is more complicated Boundary areas might be occluded (e.g. trees)
  • 14. © 2021 Vision Elements Algorithmic Approaches (2) • Classification Classification per deviation from “normal” roof top: major damage , no damage, minor damage and destroyed 14 Pros Cons Classification labeling is simpler and faster (vs segmentation) Disagreement between labelers (especially within the minor damage class) Classification architectures are simpler (vs segmentation) Subjective labeling Require less data Less informative Classification per whole image VS per house
  • 15. © 2021 Vision Elements Algorithmic Approaches (3) • Regression object detection • Bounding box location (damaged area localization) • Classification to damage types 15 Pros Cons Classification labeling is simpler and faster (vs segmentation) Disagreement between labelers (especially within the minor damage class) Bounding box area simpler and faster to mark (vs segmentation) Classification architectures are simpler (vs segmentation) Subjective labeling Require less data Less informative Building Damage Detection from Post-Event Aerial Imagery Using Single Shot Multibox Detector, Yundong Li
  • 17. © 2021 Vision Elements Additional Types of Data Disease detection in multi spectral imaging (Vineyard ) • Type of soil and Previous crop details • Climate information • Pre-disease image • Multiple images from different views or time • How to add more data? • Another input channel • Combine in the features (latent) space 17 Segmentation qualitative results by the SegNet method for the P1 vineyard. On the left, images from UAV and their right, the segmentation result of these images. The color code of the segmentation is; Black: Shadow, Brown: Ground, Green: Healthy, Yellow: Visible symptom, Orange: Infrared symptom, Red: Symptom intersection.
  • 19. © 2021 Vision Elements Model Types (1) Convolutional Neural Networks (CNN) – ClassificationRegression application • Mainly used in vision applications, to use image spatial information • Extract local features from the image • Fewer parameters than a fully connected layer • Interleave convolutions, nonlinearities, and (often) pooling operations • Widely used architectures : Dense net, VGG, Res net
  • 20. © 2021 Vision Elements Model Types (2) Fully convolutional networks (FCN) - Segmentation • Uses a CNN to extract important features from the image (encoder) • Transpose convolutional layers to achieve same spatial resolution at the output (decoder) • Widely used architectures: Unet, Vnet, Deeplab
  • 21. © 2021 Vision Elements Model Types (3) Generative Adversarial Networks (GAN) • First component is a generative model that outputs similar data as the real data • Second component is the discriminator network. It attempts to distinguish real data from fake one • Both networks are in competition with each other • Mainly used in anomaly detection, image generation and image translation • Known architectures: CycleGAN, StyleGAN and text- 2image
  • 23. © 2021 Vision Elements Volumetric Data (1) • What would be the best approach for Human Activity Recognition ? • Can we exploit the temporal connection ? 23
  • 24. © 2021 Vision Elements Volumetric Data (2) Recurrent Neural Network – RNN 24 Convolution Long Short Term Memory - ConvLSTM
  • 25. © 2021 Vision Elements Video Incorporation 25
  • 26. © 2021 Vision Elements Key Takeaways Throughout the presentation we have mapped out the process of making good choices for a specific AI application • Goal definition • Data types • Annotation forms and pitfalls • Algorithmic approaches and models These choices are dependent on each other and have a great impact on the final model performance 26
  • 27. © 2021 Vision Elements Resources (1) 27 • Deep Learning-Based Car Damage Classification and Detection, Mahavir Dwivedi https://link.springer.com/chapter/10.1007/978-981-15-3514-7_18 • Drones using AI and Big Data can detect diseased crops from the air, Manchester Metropolitan https://www.mmu.ac.uk/news-and-events/news/story/8539/ • Building Damage Detection from Post-Event Aerial Imagery Using Single Shot Multibox Detector, Yundong Li *, Wei Hu, Han Dong and Xueyan Zhang • Superpixel-wise Assessment of Building Damage from Aerial Images, Lukas Lucks, Dimitri Bulatov • Vine disease detection in UAV multispectral images with deep learning segmentation approach, Mohamed Kerkech Adel Hafiane and Raphael Canals • Image net A snapshot of two root-to-leaf branches of ImageNet: mammal sub-tree and vehicle sub-tree. Source: Ye 2018, fig. A1-A • SuYang, Jihoon Kweon , Deep learning segmentation of major vessels in X-ray coronary angiography, figure 7
  • 28. © 2021 Vision Elements Resources (2) 28 • Single roof top image from a drone, https://www.everypixel.com/image- 14256949166607403839 • Le-Net image for CNN taken from: http://d2l.ai/chapter_convolutional-neural- networks/lenet.html • GANS https://www.allerin.com/blog/5-applications-of-generative-adversarial-networks • GANS image : http://d2l.ai/chapter_generative-adversarial-networks/gan.html • FCN image : https://www.mygreatlearning.com/blog/fcn-fully-convolutional-network- semantic-segmentation/
  • 29. © 2021 Vision Elements Thank you for listening Hila@vision-elements.com www.vision-elements.com For further information, please contact us:
  • 31. © 2021 Vision Elements Vision Elements services Computer vision – Straight Forward 31 3Dreconstruction Objectrecognition Segmentation Classification Registration Gesture recognition Parameter estimation Point cloud manipulation Deep learning & AI Data fusion Geolocation AR/VR Tracking Image/videoprocessing Signalprocessing
  • 32. © 2021 Vision Elements Management team 32 Guy Lavi, MSc MANAGING PARTNER Founder, CEOand President at CathWorks M.Sc. in Geodetic Engineering, Technion, IL 20 years in computer vision,out of which 15years in medical imaging. Past: Philips Healthcare; Israeli Ministry of Defense;P-Cure Adi Dafni, MSc PARTNER M.Sc. Electrical and Computer Engineering, TelAviv Uni,IL 13years in computer visionand machine learning. Past: IBM, Applied Materials Asaf Shimshovitz, PhD PARTNER PhD. In Physics, Bar Ilan Uni, IL Developed breakthrough algorithms for solving the Schrodinger equations in quantum mechanics, 4 yearsof experience in computer vision and machine learning Adi Sheinfeld, PhD ASSOCIATE PhD. in Electrical Engineering, Post-doc in Biomedical Engineering at DukeUniversity 13years in computer visionand machine learning Past: Applied Materials Hila Blecher-Segev, MSc ASSOCIATE MSc and BScin Engineeringwith honors from Ben Gurion University 12years experience of algorithm development – Computer vision & AI Past: Rafael – Leading defense company, VR/AR start-up
  • 33. © 2021 Vision Elements We’re Here ForYou Let us help you with your complex technological obstacles. • Enjoyrapid deployment • Increase your team’s performance and meet stringent R&Dtargets • Utilize aflexible service (short to longterm) • Intellectual property belongs to you • Stay ahead of the competition 33
  • 34. © 2021 Vision Elements Project example - LED Detection & Color Mapping Retailers connect physical assetsto online content through unique LED- based opticaltags. Vision Elements developed the algorithm – detecting the LEDsand extracting the temporal color vector out of the video. 34 https://www.vision-elements.com/?video=leds- detection-and-color-mapping
  • 35. © 2021 Vision Elements Project example - Gesture Recognition 35 Multi core vision processor supports3D imaging. Vision Elements created depthmaps, gesture recognition capabilities and combined near and far depth images into a single HDRimage. https://www.vision-elements.com/?video=hand- gesture-recognition
  • 36. © 2021 Vision Elements Project example - Autonomous Drone 36 Drone follows objects for leisure and sport activities. Vision Elements implemented the target tracking – overcoming challenges such as lost view, multiple objects, similar backgroundcolors. https://www.vision- elements.com/?video=autonomous-drone
  • 37. © 2021 Vision Elements Project example - Augmented Reality Surgery Planning 37 CTimages with advanced deep learning enablevertebrae labeling and overall surgeryplanning. Vision Elements deployed deep learning using 3D convolutional neural network (CNN) for fully automatic segmentation andlabeling. https://www.vision- elements.com/?video=augmented-reality-surgery- planning