SlideShare a Scribd company logo
GLOBAL AI BOOTCAMP IS POWERED BY:
Cutting Edge
Computer Vision
for Everyone
Thanks to our Sponsors
• Solution Architect @
• Microsoft Azure MVP
• External Expert Eurostars-Eureka, Horizon Europe
• External Expert InnoFund Denmark, RIF Cyprus
• Business Interests
o Web Development, SOA, Integration
o IoT, Machine Learning
o Security & Performance Optimization
• Contact
ivelin.andreev@kongsbergdigital.com
www.linkedin.com/in/ivelin
www.slideshare.net/ivoandreev
SPEAKER BIO
Upcoming Events
JS Experts
March 29, 2023 @Sofia Tech Park
Tickets (Eventbrite)
Submit Session (Sessionize)
Global Azure
May 13, 2023 @Sofia Tech Park
Tickets (Eventbrite)
Submit Session (Sessionize)
Agenda
• Real-life Scenario Context
• How Computer Vision Works
• Computer Vision, Image Classification, Object Detection
• ML .NET
• Custom Vision
• Azure ML Service
• Analyze Structured Documents
• Read Text (OCR)
• Detect Objects
Typical Computer Vision Tasks
• Analyze Images
• Classify Images
• Detect Faces
Cutting Edge Computer Vision for Everyone
Cutting Edge Computer Vision for Everyone
A Digital Image
• Image – a 2D matrix of pixels and value (colour intensity)
AI for Computer Vision Works
• Human vision
o Start percepting light
o Light transferred to electro-chem signals
o Brain neural networks are activated (thinking, memories, feelings)
o Low level patterns recognized (nose, eyes, ears)
o Combined in higher order patterns (animal, fish, male/female)
o Classification - labeling the subject in words (dog, cat, trout)
• Computer Vision
o How do you do that for a computer?
o What are ears and how to describe them?
o How they look from different angles?
• DNN key use is as Classifiers
• Feature extraction = pattern recognition
David Hubel (CA) and Torsten Wiesel(SE),
1950; Nobel Prize 1981, „Mammal visual
system development“
Neural Network Structure
• Nodes, organized in layers, with weighted connections
o Acyclic directed graph
• Layers
o Input (1), Output (1)
o Shallow - 1 hidden layer
o Deep – multiple hidden layers
• Artificial Neuron Model
Artificial Neuron Activation
• Calculates weighted sum of inputs
• Adds bias (function shift)
• Decides whether it shall be
activated
Natural Questions
• Why do we have so many?
• Why some work better than other?
• Which one to use ?
Activation Functions
• Goal
• Convert input -> output signal
• Output signal is input to next layer
• Approximate target function faster
• Samples
• ReLu, PReLu – good to start with
• TanH and Sigmoid – outdated
• Softmax – output layer, classification
• Linear func – output layer, regression
How does CNN work?
• Convolution
• Non-Linearity (i.e. PReLU)
• Pooling (Downsample)
• Fully connected (Classify)
• Dropout (Overfitting prevention)
Convolution Pooling
Edge detect filter
Compare
Complexity Modeling Training Inference Pricing
Custom
Vision
Low Iterations Internal • Web Endpoint
• Export
Prediction transactions - €2 / 1’000
transactions
Training - €10 / compute hour
Image Storage - €0.70 per 1’000
images
AZ ML
Service
High Automated,
Designer
AKS • Web Endpoint
• Export
AZ Resources – 2x D4 VM (€0.18/h)
+AZ Blob, ACR, App Insights,
KeyVault
ML .NET Low VS Extension
Wizard
Local • Function App
• Export (ONNX)
Inference API hosting
(AZ app service, ACI, AKS)
Step 1: Obtain Training Data
• Open datasets for ML and computer vision projects
• Create PoC before real data are available
• Test different concepts
• Find DataSets for training
o Google Dataset Search
o Kaggle
o DataSetList.com
Step 2: ML.NET – Task Selection
• Download and install ML.NET VS 2022 extension
• Set up model training
1. Scenario (i.e. Classification)
2. Training environment
1. Local CPU
2. Local GPU
3. Azure
• Locally trained ML model
in ML.NET format
Step 3: ML.NET - Training Data
• Add training data to model
o Supervised machine learning – saying to the
model the class of each image (input)
o Organize images in subfolders-based classes
Step 4: ML.NET - Training Algorithm
• Algorithm is automatically selected
o Based on the selected scenario
• “Start Training” magic button
• ML.NET uses under the hood:
o TensorFlow
o ONNX
o Infer.NET
• Classification model uses TF.NET
under the hood
• TF.NET loads a pretrained model
(Transfer Learning) – faster training,
better performance
Step 5: ML.NET – Model Evaluation
• Training picks the best model
• Results KPIs
o Accuracy – correct predictions
o AUC – how well the model describes data
o AUC-PR (Precision-Recall) – for imbalanced classes
o F1 – balance precision/recall
• Different KPIs for different types of tasks
https://learn.microsoft.com/en-us/dotnet/machine-learning/resources/metrics
• Try model – manually upload image
Step 6: ML.NET – Consume Model
• Sample Code to consume the model
o Console App (local ONNX model)
o Web API
o Notebook
• Deploy model
o Azure Function
o Web API
Step 7: Improve the Model
• Additional Data
o The more data, the better the model will learn
o Beware of overfitting
• More data for the same good features is OK
• More data for unsignificant features is NOT OK (i.e. too many yellow apples)
• Data augmentation
o Preprocess images (direction, cropping, contrast)
• Train longer
• Hyper parameter tuning (Depending on algorithm used)
• Cross Validation (make more robust)
• Model architecture
o Train with other architecture (pre trained model)
Custom Vision
• Part of Cognitive Services
• Azure Resource Dependency
o Custom Vision Training
o Custom Vision Prediction
• Pricing Tiers
o Free (2 projects, 1000 images, 1h/month training, 10’000 predictions)
o Standard Terms
• Up to 100 projects
• Training €10/hr
• Image Storage €0.7 / 1’000 images
• Predictions €2 / 1’000 transactions
Step 2: Custom Vision – Task Selection
• Two types of projects
o Classification – tag the whole image
o Object detection – find location and tag in the image
• Classification types
o Multilabel – multiple tags per image
o Multiclass – single tag per image
• Domains
o Predefined types of tasks used to optimize the model (i.e. by using appropriate filters and CNN architectures)
o General / General A1 / General A2 / Food / Landmarks / Retail
o Compact domains – optimized for export and usage on edge devices (less accurate, less weight)
o Note: exported models are not guaranteed to work 100% like the cloud hosted models
• Multilabel
o Probability is up to 100% each
Step 2: Custom Vision - Multilabel vs Multiclass
• Multiclass
o Probability sums up to 100%
Step 3/4: Custom Vision – Training Data/Training
• Images
o Upload in bulk
o Label during upload
• Multi class classification
o Tag images with multiple tags
• Training parameters
o No parameters are available for customization
during training
o Algorithm is determined automatically based on
the domain
Step 5/6: Custom Vision – Evaluation / Consume
• Evaluation
o Model iterations (up to last 10) created for each
training
o Overall KPIs
o Performance per tag
• Predict / Inference
o View history of previous predictions
o Manually select and compare training iteration
o Ability to review labels and submit input to the
training set
Step 7: Custom Vision – Deploy
• Deployment
o Publish specific training iteration
o Export model to file (Compact)
o Both image URL and image file supported
o Host model (Prediction API)
Azure ML Service
• Cloud ML as a Service with advanced AutoML features (Wizard)
• Start by selecting a dataset
Step 1: Azure ML Studio – Training Data
• Data Labeling
o Upload images to AZ Blob (.jpg, .jpeg, .png, .tiff, etc)
o Option 1: ML assisted (from model to pre-label)
o Option 2: Users manually assign respective tag
• Create Dataset
o Build as an export of the labeled images
Step 1: Azure ML Studio – Bulk Data Labeling
• Data Preparation Effort
o 20-100 labels
o Min 50, Recommended 200 images per label
• Optimize labeling process
o Cluster images in folders based on labels
o Prepare input image data in JSONL (JSON Lines) format.
o Each line describes one image
o Uploaded as a new dataset
{
"image_url":"azureml://subscriptions/<my-subscription-
id>/resourcegroups/<my-resource-group>/workspaces/<my-
workspace>/datastores/<my-datastore>/paths/<path_to_image>",
"label":"class_name"
}
Step 2: Azure ML Studio - Task Selection
• Select type of task
• Select target column (to predict)
from the dataset
Step 4: Azure ML Studio - Training
• Data Preparation Effort
o Provide model hyperparameters
o Algorithm is determined by problem
o Hyperparameters are algorithm specific
o Sweep for values in parameter space
• Training
o Several pipelines that train in parallel
o AutoML experiments different algorithms and params
o Each iteration calculates training score
o The model with best score is considered best
Step 5: Azure ML Studio - Evaluation
• Validation options
o Auto - 20% of training data used for validation (default)
o Train-validation split - adjustable percentage of the training data.
o User-validation data – using a different dataset for validation.
Step 7: Azure ML Studio - Deploy
• Models created with Auto ML can be deployed to ACI or AKS
• Automatically created endpoint accessible via HTTP
Step 4: Azure ML Designer - Training
• Visual drag-drop interface to train
and deploy models
• Replaces ML Studio Classic
• ML designer training pipeline
• Allows customization and tuning of
the model
• Advanced processing of data
o Convert to Image Directory – Converts the image
dataset to “Image Directory” standardized data format
o Image Transformation – preprocessing of images
based on image transformation - Resize, Crop, Pad,
Color jitter, Grayscale, etc..
Step 7: Azure ML Designer - Deploy
• ML Designer realtime pipeline
Takeaways
Computer Vision Training
o Microsoft Azure AI Fundamentals: Explore Computer Vision
Convolutional Neural Nets in Plain
o https://hackernoon.com/learning-ai-if-you-suck-at-math-p5-deep-learning-and-convolutional-neural-nets-in-plain-
english-cda79679bbe3
o https://towardsdatascience.com/understanding-convolutional-neural-networks-cnns-81dffc813a69
Activation Functions
o https://medium.com/towards-data-science/activation-functions-and-its-types-which-is-better-a9a5310cc8f
Azure ML Designer
o https://learn.microsoft.com/en-us/azure/machine-learning/concept-designer
Platform Tools
o https://ml.azure.com/
o https://www.customvision.ai/
Thanks to our Sponsors

More Related Content

PDF
The Data Science Process - Do we need it and how to apply?
PDF
The Power of Auto ML and How Does it Work
PDF
Prepare your data for machine learning
PPTX
Machine learning
PDF
Machine learning for IoT - unpacking the blackbox
PDF
Building machine learning service in your business — Eric Chen (Uber) @PAPIs ...
PDF
Making Netflix Machine Learning Algorithms Reliable
PDF
A survey on Machine Learning In Production (July 2018)
The Data Science Process - Do we need it and how to apply?
The Power of Auto ML and How Does it Work
Prepare your data for machine learning
Machine learning
Machine learning for IoT - unpacking the blackbox
Building machine learning service in your business — Eric Chen (Uber) @PAPIs ...
Making Netflix Machine Learning Algorithms Reliable
A survey on Machine Learning In Production (July 2018)

Similar to Cutting Edge Computer Vision for Everyone (20)

PDF
Machine Learning Operations Cababilities
PPTX
AI powered emotion recognition: From Inception to Production - Global AI Conf...
PPTX
AI powered emotion recognition: From Inception to Production - Global AI Conf...
PDF
Trenowanie i wdrażanie modeli uczenia maszynowego z wykorzystaniem Google Clo...
PPTX
DevOps for Machine Learning overview en-us
PPTX
Introduction to Machine learning
PPTX
Machine Learning for .NET Developers - ADC21
PPTX
How to automate Machine Learning pipeline ?
PDF
201908 Overview of Automated ML
PDF
Constrained Optimization with Genetic Algorithms and Project Bonsai
PPTX
Tooling for Machine Learning: AWS Products, Open Source Tools, and DevOps Pra...
PDF
Making Data Science Scalable - 5 Lessons Learned
PDF
201906 04 Overview of Automated ML June 2019
PDF
Continuous delivery for machine learning
PDF
AllThingsOpen 2018 - Deployment Design Patterns (Dan Zaratsian)
PDF
Deployment Design Patterns - Deploying Machine Learning and Deep Learning Mod...
PDF
Monitoring AI with AI
PDF
Data Summer Conf 2018, “Monitoring AI with AI (RUS)” — Stepan Pushkarev, CTO ...
PDF
Slides-Артем Коваль-Cloud-Native MLOps Framework - DataFest 2021.pdf
PDF
201906 02 Introduction to AutoML with ML.NET 1.0
Machine Learning Operations Cababilities
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...
Trenowanie i wdrażanie modeli uczenia maszynowego z wykorzystaniem Google Clo...
DevOps for Machine Learning overview en-us
Introduction to Machine learning
Machine Learning for .NET Developers - ADC21
How to automate Machine Learning pipeline ?
201908 Overview of Automated ML
Constrained Optimization with Genetic Algorithms and Project Bonsai
Tooling for Machine Learning: AWS Products, Open Source Tools, and DevOps Pra...
Making Data Science Scalable - 5 Lessons Learned
201906 04 Overview of Automated ML June 2019
Continuous delivery for machine learning
AllThingsOpen 2018 - Deployment Design Patterns (Dan Zaratsian)
Deployment Design Patterns - Deploying Machine Learning and Deep Learning Mod...
Monitoring AI with AI
Data Summer Conf 2018, “Monitoring AI with AI (RUS)” — Stepan Pushkarev, CTO ...
Slides-Артем Коваль-Cloud-Native MLOps Framework - DataFest 2021.pdf
201906 02 Introduction to AutoML with ML.NET 1.0
Ad

More from Ivo Andreev (20)

PDF
Multi-Agent Era will Define the Future of Software
PDF
LLM-based Multi-Agent Systems to Replace Traditional Software
PDF
LLM Security - Smart to protect, but too smart to be protected
PDF
What are Phi Small Language Models Capable of
PDF
Autonomous Control AI Training from Data
PDF
Autonomous Systems for Optimization and Control
PDF
Cybersecurity and Generative AI - for Good and Bad vol.2
PDF
Architecting AI Solutions in Azure for Business
PDF
Cybersecurity Challenges with Generative AI - for Good and Bad
PDF
JS-Experts - Cybersecurity for Generative AI
PDF
How do OpenAI GPT Models Work - Misconceptions and Tips for Developers
PDF
OpenAI GPT in Depth - Questions and Misconceptions
PDF
Collecting and Analysing Spaceborn Data
PDF
Collecting and Analysing Satellite Data with Azure Orbital
PDF
Language Studio and Custom Models
PDF
CosmosDB for IoT Scenarios
PDF
Forecasting time series powerful and simple
PDF
Azure security guidelines for developers
PDF
Autonomous Machines with Project Bonsai
PDF
Global azure virtual 2021 - Azure Lighthouse
Multi-Agent Era will Define the Future of Software
LLM-based Multi-Agent Systems to Replace Traditional Software
LLM Security - Smart to protect, but too smart to be protected
What are Phi Small Language Models Capable of
Autonomous Control AI Training from Data
Autonomous Systems for Optimization and Control
Cybersecurity and Generative AI - for Good and Bad vol.2
Architecting AI Solutions in Azure for Business
Cybersecurity Challenges with Generative AI - for Good and Bad
JS-Experts - Cybersecurity for Generative AI
How do OpenAI GPT Models Work - Misconceptions and Tips for Developers
OpenAI GPT in Depth - Questions and Misconceptions
Collecting and Analysing Spaceborn Data
Collecting and Analysing Satellite Data with Azure Orbital
Language Studio and Custom Models
CosmosDB for IoT Scenarios
Forecasting time series powerful and simple
Azure security guidelines for developers
Autonomous Machines with Project Bonsai
Global azure virtual 2021 - Azure Lighthouse
Ad

Recently uploaded (20)

PDF
Autodesk AutoCAD Crack Free Download 2025
PDF
Designing Intelligence for the Shop Floor.pdf
PPTX
Agentic AI : A Practical Guide. Undersating, Implementing and Scaling Autono...
PPTX
Agentic AI Use Case- Contract Lifecycle Management (CLM).pptx
PDF
Tally Prime Crack Download New Version 5.1 [2025] (License Key Free
PDF
AutoCAD Professional Crack 2025 With License Key
PDF
Adobe Illustrator 28.6 Crack My Vision of Vector Design
PPTX
Oracle Fusion HCM Cloud Demo for Beginners
PDF
Digital Systems & Binary Numbers (comprehensive )
PPTX
Operating system designcfffgfgggggggvggggggggg
PDF
Internet Downloader Manager (IDM) Crack 6.42 Build 41
PDF
EN-Survey-Report-SAP-LeanIX-EA-Insights-2025.pdf
PDF
iTop VPN 6.5.0 Crack + License Key 2025 (Premium Version)
PDF
CCleaner Pro 6.38.11537 Crack Final Latest Version 2025
PDF
iTop VPN Free 5.6.0.5262 Crack latest version 2025
PPTX
Computer Software and OS of computer science of grade 11.pptx
PDF
Internet Downloader Manager (IDM) Crack 6.42 Build 42 Updates Latest 2025
PDF
How to Choose the Right IT Partner for Your Business in Malaysia
PPTX
Monitoring Stack: Grafana, Loki & Promtail
PDF
wealthsignaloriginal-com-DS-text-... (1).pdf
Autodesk AutoCAD Crack Free Download 2025
Designing Intelligence for the Shop Floor.pdf
Agentic AI : A Practical Guide. Undersating, Implementing and Scaling Autono...
Agentic AI Use Case- Contract Lifecycle Management (CLM).pptx
Tally Prime Crack Download New Version 5.1 [2025] (License Key Free
AutoCAD Professional Crack 2025 With License Key
Adobe Illustrator 28.6 Crack My Vision of Vector Design
Oracle Fusion HCM Cloud Demo for Beginners
Digital Systems & Binary Numbers (comprehensive )
Operating system designcfffgfgggggggvggggggggg
Internet Downloader Manager (IDM) Crack 6.42 Build 41
EN-Survey-Report-SAP-LeanIX-EA-Insights-2025.pdf
iTop VPN 6.5.0 Crack + License Key 2025 (Premium Version)
CCleaner Pro 6.38.11537 Crack Final Latest Version 2025
iTop VPN Free 5.6.0.5262 Crack latest version 2025
Computer Software and OS of computer science of grade 11.pptx
Internet Downloader Manager (IDM) Crack 6.42 Build 42 Updates Latest 2025
How to Choose the Right IT Partner for Your Business in Malaysia
Monitoring Stack: Grafana, Loki & Promtail
wealthsignaloriginal-com-DS-text-... (1).pdf

Cutting Edge Computer Vision for Everyone

  • 1. GLOBAL AI BOOTCAMP IS POWERED BY: Cutting Edge Computer Vision for Everyone
  • 2. Thanks to our Sponsors
  • 3. • Solution Architect @ • Microsoft Azure MVP • External Expert Eurostars-Eureka, Horizon Europe • External Expert InnoFund Denmark, RIF Cyprus • Business Interests o Web Development, SOA, Integration o IoT, Machine Learning o Security & Performance Optimization • Contact ivelin.andreev@kongsbergdigital.com www.linkedin.com/in/ivelin www.slideshare.net/ivoandreev SPEAKER BIO
  • 4. Upcoming Events JS Experts March 29, 2023 @Sofia Tech Park Tickets (Eventbrite) Submit Session (Sessionize) Global Azure May 13, 2023 @Sofia Tech Park Tickets (Eventbrite) Submit Session (Sessionize)
  • 5. Agenda • Real-life Scenario Context • How Computer Vision Works • Computer Vision, Image Classification, Object Detection • ML .NET • Custom Vision • Azure ML Service
  • 6. • Analyze Structured Documents • Read Text (OCR) • Detect Objects Typical Computer Vision Tasks • Analyze Images • Classify Images • Detect Faces
  • 9. A Digital Image • Image – a 2D matrix of pixels and value (colour intensity)
  • 10. AI for Computer Vision Works • Human vision o Start percepting light o Light transferred to electro-chem signals o Brain neural networks are activated (thinking, memories, feelings) o Low level patterns recognized (nose, eyes, ears) o Combined in higher order patterns (animal, fish, male/female) o Classification - labeling the subject in words (dog, cat, trout) • Computer Vision o How do you do that for a computer? o What are ears and how to describe them? o How they look from different angles? • DNN key use is as Classifiers • Feature extraction = pattern recognition David Hubel (CA) and Torsten Wiesel(SE), 1950; Nobel Prize 1981, „Mammal visual system development“
  • 11. Neural Network Structure • Nodes, organized in layers, with weighted connections o Acyclic directed graph • Layers o Input (1), Output (1) o Shallow - 1 hidden layer o Deep – multiple hidden layers • Artificial Neuron Model
  • 12. Artificial Neuron Activation • Calculates weighted sum of inputs • Adds bias (function shift) • Decides whether it shall be activated Natural Questions • Why do we have so many? • Why some work better than other? • Which one to use ?
  • 13. Activation Functions • Goal • Convert input -> output signal • Output signal is input to next layer • Approximate target function faster • Samples • ReLu, PReLu – good to start with • TanH and Sigmoid – outdated • Softmax – output layer, classification • Linear func – output layer, regression
  • 14. How does CNN work? • Convolution • Non-Linearity (i.e. PReLU) • Pooling (Downsample) • Fully connected (Classify) • Dropout (Overfitting prevention) Convolution Pooling Edge detect filter
  • 15. Compare Complexity Modeling Training Inference Pricing Custom Vision Low Iterations Internal • Web Endpoint • Export Prediction transactions - €2 / 1’000 transactions Training - €10 / compute hour Image Storage - €0.70 per 1’000 images AZ ML Service High Automated, Designer AKS • Web Endpoint • Export AZ Resources – 2x D4 VM (€0.18/h) +AZ Blob, ACR, App Insights, KeyVault ML .NET Low VS Extension Wizard Local • Function App • Export (ONNX) Inference API hosting (AZ app service, ACI, AKS)
  • 16. Step 1: Obtain Training Data • Open datasets for ML and computer vision projects • Create PoC before real data are available • Test different concepts • Find DataSets for training o Google Dataset Search o Kaggle o DataSetList.com
  • 17. Step 2: ML.NET – Task Selection • Download and install ML.NET VS 2022 extension • Set up model training 1. Scenario (i.e. Classification) 2. Training environment 1. Local CPU 2. Local GPU 3. Azure • Locally trained ML model in ML.NET format
  • 18. Step 3: ML.NET - Training Data • Add training data to model o Supervised machine learning – saying to the model the class of each image (input) o Organize images in subfolders-based classes
  • 19. Step 4: ML.NET - Training Algorithm • Algorithm is automatically selected o Based on the selected scenario • “Start Training” magic button • ML.NET uses under the hood: o TensorFlow o ONNX o Infer.NET • Classification model uses TF.NET under the hood • TF.NET loads a pretrained model (Transfer Learning) – faster training, better performance
  • 20. Step 5: ML.NET – Model Evaluation • Training picks the best model • Results KPIs o Accuracy – correct predictions o AUC – how well the model describes data o AUC-PR (Precision-Recall) – for imbalanced classes o F1 – balance precision/recall • Different KPIs for different types of tasks https://learn.microsoft.com/en-us/dotnet/machine-learning/resources/metrics • Try model – manually upload image
  • 21. Step 6: ML.NET – Consume Model • Sample Code to consume the model o Console App (local ONNX model) o Web API o Notebook • Deploy model o Azure Function o Web API
  • 22. Step 7: Improve the Model • Additional Data o The more data, the better the model will learn o Beware of overfitting • More data for the same good features is OK • More data for unsignificant features is NOT OK (i.e. too many yellow apples) • Data augmentation o Preprocess images (direction, cropping, contrast) • Train longer • Hyper parameter tuning (Depending on algorithm used) • Cross Validation (make more robust) • Model architecture o Train with other architecture (pre trained model)
  • 23. Custom Vision • Part of Cognitive Services • Azure Resource Dependency o Custom Vision Training o Custom Vision Prediction • Pricing Tiers o Free (2 projects, 1000 images, 1h/month training, 10’000 predictions) o Standard Terms • Up to 100 projects • Training €10/hr • Image Storage €0.7 / 1’000 images • Predictions €2 / 1’000 transactions
  • 24. Step 2: Custom Vision – Task Selection • Two types of projects o Classification – tag the whole image o Object detection – find location and tag in the image • Classification types o Multilabel – multiple tags per image o Multiclass – single tag per image • Domains o Predefined types of tasks used to optimize the model (i.e. by using appropriate filters and CNN architectures) o General / General A1 / General A2 / Food / Landmarks / Retail o Compact domains – optimized for export and usage on edge devices (less accurate, less weight) o Note: exported models are not guaranteed to work 100% like the cloud hosted models
  • 25. • Multilabel o Probability is up to 100% each Step 2: Custom Vision - Multilabel vs Multiclass • Multiclass o Probability sums up to 100%
  • 26. Step 3/4: Custom Vision – Training Data/Training • Images o Upload in bulk o Label during upload • Multi class classification o Tag images with multiple tags • Training parameters o No parameters are available for customization during training o Algorithm is determined automatically based on the domain
  • 27. Step 5/6: Custom Vision – Evaluation / Consume • Evaluation o Model iterations (up to last 10) created for each training o Overall KPIs o Performance per tag • Predict / Inference o View history of previous predictions o Manually select and compare training iteration o Ability to review labels and submit input to the training set
  • 28. Step 7: Custom Vision – Deploy • Deployment o Publish specific training iteration o Export model to file (Compact) o Both image URL and image file supported o Host model (Prediction API)
  • 29. Azure ML Service • Cloud ML as a Service with advanced AutoML features (Wizard) • Start by selecting a dataset
  • 30. Step 1: Azure ML Studio – Training Data • Data Labeling o Upload images to AZ Blob (.jpg, .jpeg, .png, .tiff, etc) o Option 1: ML assisted (from model to pre-label) o Option 2: Users manually assign respective tag • Create Dataset o Build as an export of the labeled images
  • 31. Step 1: Azure ML Studio – Bulk Data Labeling • Data Preparation Effort o 20-100 labels o Min 50, Recommended 200 images per label • Optimize labeling process o Cluster images in folders based on labels o Prepare input image data in JSONL (JSON Lines) format. o Each line describes one image o Uploaded as a new dataset { "image_url":"azureml://subscriptions/<my-subscription- id>/resourcegroups/<my-resource-group>/workspaces/<my- workspace>/datastores/<my-datastore>/paths/<path_to_image>", "label":"class_name" }
  • 32. Step 2: Azure ML Studio - Task Selection • Select type of task • Select target column (to predict) from the dataset
  • 33. Step 4: Azure ML Studio - Training • Data Preparation Effort o Provide model hyperparameters o Algorithm is determined by problem o Hyperparameters are algorithm specific o Sweep for values in parameter space • Training o Several pipelines that train in parallel o AutoML experiments different algorithms and params o Each iteration calculates training score o The model with best score is considered best
  • 34. Step 5: Azure ML Studio - Evaluation • Validation options o Auto - 20% of training data used for validation (default) o Train-validation split - adjustable percentage of the training data. o User-validation data – using a different dataset for validation.
  • 35. Step 7: Azure ML Studio - Deploy • Models created with Auto ML can be deployed to ACI or AKS • Automatically created endpoint accessible via HTTP
  • 36. Step 4: Azure ML Designer - Training • Visual drag-drop interface to train and deploy models • Replaces ML Studio Classic • ML designer training pipeline • Allows customization and tuning of the model • Advanced processing of data o Convert to Image Directory – Converts the image dataset to “Image Directory” standardized data format o Image Transformation – preprocessing of images based on image transformation - Resize, Crop, Pad, Color jitter, Grayscale, etc..
  • 37. Step 7: Azure ML Designer - Deploy • ML Designer realtime pipeline
  • 38. Takeaways Computer Vision Training o Microsoft Azure AI Fundamentals: Explore Computer Vision Convolutional Neural Nets in Plain o https://hackernoon.com/learning-ai-if-you-suck-at-math-p5-deep-learning-and-convolutional-neural-nets-in-plain- english-cda79679bbe3 o https://towardsdatascience.com/understanding-convolutional-neural-networks-cnns-81dffc813a69 Activation Functions o https://medium.com/towards-data-science/activation-functions-and-its-types-which-is-better-a9a5310cc8f Azure ML Designer o https://learn.microsoft.com/en-us/azure/machine-learning/concept-designer Platform Tools o https://ml.azure.com/ o https://www.customvision.ai/
  • 39. Thanks to our Sponsors