SlideShare ist ein Scribd-Unternehmen logo
1 von 39
Downloaden Sie, um offline zu lesen
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
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

Weitere ähnliche Inhalte

Ähnlich wie Cutting Edge Computer Vision for Everyone

AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...Apache MXNet
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...Vandana Kannan
 
Trenowanie i wdrażanie modeli uczenia maszynowego z wykorzystaniem Google Clo...
Trenowanie i wdrażanie modeli uczenia maszynowego z wykorzystaniem Google Clo...Trenowanie i wdrażanie modeli uczenia maszynowego z wykorzystaniem Google Clo...
Trenowanie i wdrażanie modeli uczenia maszynowego z wykorzystaniem Google Clo...Sotrender
 
DevOps for Machine Learning overview en-us
DevOps for Machine Learning overview en-usDevOps for Machine Learning overview en-us
DevOps for Machine Learning overview en-useltonrodriguez11
 
Introduction to Machine learning
Introduction to Machine learningIntroduction to Machine learning
Introduction to Machine learningNEEVEE Technologies
 
Machine Learning for .NET Developers - ADC21
Machine Learning for .NET Developers - ADC21Machine Learning for .NET Developers - ADC21
Machine Learning for .NET Developers - ADC21Gülden Bilgütay
 
How to automate Machine Learning pipeline ?
How to automate Machine Learning pipeline ?How to automate Machine Learning pipeline ?
How to automate Machine Learning pipeline ?Axel de Romblay
 
201908 Overview of Automated ML
201908 Overview of Automated ML201908 Overview of Automated ML
201908 Overview of Automated MLMark Tabladillo
 
Constrained Optimization with Genetic Algorithms and Project Bonsai
Constrained Optimization with Genetic Algorithms and Project BonsaiConstrained Optimization with Genetic Algorithms and Project Bonsai
Constrained Optimization with Genetic Algorithms and Project BonsaiIvo Andreev
 
Tooling for Machine Learning: AWS Products, Open Source Tools, and DevOps Pra...
Tooling for Machine Learning: AWS Products, Open Source Tools, and DevOps Pra...Tooling for Machine Learning: AWS Products, Open Source Tools, and DevOps Pra...
Tooling for Machine Learning: AWS Products, Open Source Tools, and DevOps Pra...SQUADEX
 
Making Data Science Scalable - 5 Lessons Learned
Making Data Science Scalable - 5 Lessons LearnedMaking Data Science Scalable - 5 Lessons Learned
Making Data Science Scalable - 5 Lessons LearnedLaurenz Wuttke
 
201906 04 Overview of Automated ML June 2019
201906 04 Overview of Automated ML June 2019201906 04 Overview of Automated ML June 2019
201906 04 Overview of Automated ML June 2019Mark Tabladillo
 
Continuous delivery for machine learning
Continuous delivery for machine learningContinuous delivery for machine learning
Continuous delivery for machine learningRajesh Muppalla
 
Deployment Design Patterns - Deploying Machine Learning and Deep Learning Mod...
Deployment Design Patterns - Deploying Machine Learning and Deep Learning Mod...Deployment Design Patterns - Deploying Machine Learning and Deep Learning Mod...
Deployment Design Patterns - Deploying Machine Learning and Deep Learning Mod...All Things Open
 
AllThingsOpen 2018 - Deployment Design Patterns (Dan Zaratsian)
AllThingsOpen 2018 - Deployment Design Patterns (Dan Zaratsian)AllThingsOpen 2018 - Deployment Design Patterns (Dan Zaratsian)
AllThingsOpen 2018 - Deployment Design Patterns (Dan Zaratsian)dtz001
 
Data Summer Conf 2018, “Monitoring AI with AI (RUS)” — Stepan Pushkarev, CTO ...
Data Summer Conf 2018, “Monitoring AI with AI (RUS)” — Stepan Pushkarev, CTO ...Data Summer Conf 2018, “Monitoring AI with AI (RUS)” — Stepan Pushkarev, CTO ...
Data Summer Conf 2018, “Monitoring AI with AI (RUS)” — Stepan Pushkarev, CTO ...Provectus
 
Slides-Артем Коваль-Cloud-Native MLOps Framework - DataFest 2021.pdf
Slides-Артем Коваль-Cloud-Native MLOps Framework - DataFest 2021.pdfSlides-Артем Коваль-Cloud-Native MLOps Framework - DataFest 2021.pdf
Slides-Артем Коваль-Cloud-Native MLOps Framework - DataFest 2021.pdfvitm11
 
201906 02 Introduction to AutoML with ML.NET 1.0
201906 02 Introduction to AutoML with ML.NET 1.0201906 02 Introduction to AutoML with ML.NET 1.0
201906 02 Introduction to AutoML with ML.NET 1.0Mark Tabladillo
 
Machine learning and azure ml studio
Machine learning and azure ml studioMachine learning and azure ml studio
Machine learning and azure ml studioYogendra Tamang
 

Ähnlich wie Cutting Edge Computer Vision for Everyone (20)

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

Mehr von Ivo Andreev

Cybersecurity and Generative AI - for Good and Bad vol.2
Cybersecurity and Generative AI - for Good and Bad vol.2Cybersecurity and Generative AI - for Good and Bad vol.2
Cybersecurity and Generative AI - for Good and Bad vol.2Ivo Andreev
 
Architecting AI Solutions in Azure for Business
Architecting AI Solutions in Azure for BusinessArchitecting AI Solutions in Azure for Business
Architecting AI Solutions in Azure for BusinessIvo Andreev
 
Cybersecurity Challenges with Generative AI - for Good and Bad
Cybersecurity Challenges with Generative AI - for Good and BadCybersecurity Challenges with Generative AI - for Good and Bad
Cybersecurity Challenges with Generative AI - for Good and BadIvo Andreev
 
JS-Experts - Cybersecurity for Generative AI
JS-Experts - Cybersecurity for Generative AIJS-Experts - Cybersecurity for Generative AI
JS-Experts - Cybersecurity for Generative AIIvo Andreev
 
How do OpenAI GPT Models Work - Misconceptions and Tips for Developers
How do OpenAI GPT Models Work - Misconceptions and Tips for DevelopersHow do OpenAI GPT Models Work - Misconceptions and Tips for Developers
How do OpenAI GPT Models Work - Misconceptions and Tips for DevelopersIvo Andreev
 
OpenAI GPT in Depth - Questions and Misconceptions
OpenAI GPT in Depth - Questions and MisconceptionsOpenAI GPT in Depth - Questions and Misconceptions
OpenAI GPT in Depth - Questions and MisconceptionsIvo Andreev
 
Collecting and Analysing Spaceborn Data
Collecting and Analysing Spaceborn DataCollecting and Analysing Spaceborn Data
Collecting and Analysing Spaceborn DataIvo Andreev
 
Collecting and Analysing Satellite Data with Azure Orbital
Collecting and Analysing Satellite Data with Azure OrbitalCollecting and Analysing Satellite Data with Azure Orbital
Collecting and Analysing Satellite Data with Azure OrbitalIvo Andreev
 
Language Studio and Custom Models
Language Studio and Custom ModelsLanguage Studio and Custom Models
Language Studio and Custom ModelsIvo Andreev
 
CosmosDB for IoT Scenarios
CosmosDB for IoT ScenariosCosmosDB for IoT Scenarios
CosmosDB for IoT ScenariosIvo Andreev
 
Forecasting time series powerful and simple
Forecasting time series powerful and simpleForecasting time series powerful and simple
Forecasting time series powerful and simpleIvo Andreev
 
Azure security guidelines for developers
Azure security guidelines for developers Azure security guidelines for developers
Azure security guidelines for developers Ivo Andreev
 
Autonomous Machines with Project Bonsai
Autonomous Machines with Project BonsaiAutonomous Machines with Project Bonsai
Autonomous Machines with Project BonsaiIvo Andreev
 
Global azure virtual 2021 - Azure Lighthouse
Global azure virtual 2021 - Azure LighthouseGlobal azure virtual 2021 - Azure Lighthouse
Global azure virtual 2021 - Azure LighthouseIvo Andreev
 
Flux QL - Nexgen Management of Time Series Inspired by JS
Flux QL - Nexgen Management of Time Series Inspired by JSFlux QL - Nexgen Management of Time Series Inspired by JS
Flux QL - Nexgen Management of Time Series Inspired by JSIvo Andreev
 
Azure architecture design patterns - proven solutions to common challenges
Azure architecture design patterns - proven solutions to common challengesAzure architecture design patterns - proven solutions to common challenges
Azure architecture design patterns - proven solutions to common challengesIvo Andreev
 
Industrial IoT on Azure
Industrial IoT on AzureIndustrial IoT on Azure
Industrial IoT on AzureIvo Andreev
 
Flying a Drone with JavaScript and Computer Vision
Flying a Drone with JavaScript and Computer VisionFlying a Drone with JavaScript and Computer Vision
Flying a Drone with JavaScript and Computer VisionIvo Andreev
 
ML with Power BI for Business and Pros
ML with Power BI for Business and ProsML with Power BI for Business and Pros
ML with Power BI for Business and ProsIvo Andreev
 
Industrial IoT with Azure and Open Source
Industrial IoT with Azure and Open SourceIndustrial IoT with Azure and Open Source
Industrial IoT with Azure and Open SourceIvo Andreev
 

Mehr von Ivo Andreev (20)

Cybersecurity and Generative AI - for Good and Bad vol.2
Cybersecurity and Generative AI - for Good and Bad vol.2Cybersecurity and Generative AI - for Good and Bad vol.2
Cybersecurity and Generative AI - for Good and Bad vol.2
 
Architecting AI Solutions in Azure for Business
Architecting AI Solutions in Azure for BusinessArchitecting AI Solutions in Azure for Business
Architecting AI Solutions in Azure for Business
 
Cybersecurity Challenges with Generative AI - for Good and Bad
Cybersecurity Challenges with Generative AI - for Good and BadCybersecurity Challenges with Generative AI - for Good and Bad
Cybersecurity Challenges with Generative AI - for Good and Bad
 
JS-Experts - Cybersecurity for Generative AI
JS-Experts - Cybersecurity for Generative AIJS-Experts - Cybersecurity for Generative AI
JS-Experts - Cybersecurity for Generative AI
 
How do OpenAI GPT Models Work - Misconceptions and Tips for Developers
How do OpenAI GPT Models Work - Misconceptions and Tips for DevelopersHow do OpenAI GPT Models Work - Misconceptions and Tips for Developers
How do OpenAI GPT Models Work - Misconceptions and Tips for Developers
 
OpenAI GPT in Depth - Questions and Misconceptions
OpenAI GPT in Depth - Questions and MisconceptionsOpenAI GPT in Depth - Questions and Misconceptions
OpenAI GPT in Depth - Questions and Misconceptions
 
Collecting and Analysing Spaceborn Data
Collecting and Analysing Spaceborn DataCollecting and Analysing Spaceborn Data
Collecting and Analysing Spaceborn Data
 
Collecting and Analysing Satellite Data with Azure Orbital
Collecting and Analysing Satellite Data with Azure OrbitalCollecting and Analysing Satellite Data with Azure Orbital
Collecting and Analysing Satellite Data with Azure Orbital
 
Language Studio and Custom Models
Language Studio and Custom ModelsLanguage Studio and Custom Models
Language Studio and Custom Models
 
CosmosDB for IoT Scenarios
CosmosDB for IoT ScenariosCosmosDB for IoT Scenarios
CosmosDB for IoT Scenarios
 
Forecasting time series powerful and simple
Forecasting time series powerful and simpleForecasting time series powerful and simple
Forecasting time series powerful and simple
 
Azure security guidelines for developers
Azure security guidelines for developers Azure security guidelines for developers
Azure security guidelines for developers
 
Autonomous Machines with Project Bonsai
Autonomous Machines with Project BonsaiAutonomous Machines with Project Bonsai
Autonomous Machines with Project Bonsai
 
Global azure virtual 2021 - Azure Lighthouse
Global azure virtual 2021 - Azure LighthouseGlobal azure virtual 2021 - Azure Lighthouse
Global azure virtual 2021 - Azure Lighthouse
 
Flux QL - Nexgen Management of Time Series Inspired by JS
Flux QL - Nexgen Management of Time Series Inspired by JSFlux QL - Nexgen Management of Time Series Inspired by JS
Flux QL - Nexgen Management of Time Series Inspired by JS
 
Azure architecture design patterns - proven solutions to common challenges
Azure architecture design patterns - proven solutions to common challengesAzure architecture design patterns - proven solutions to common challenges
Azure architecture design patterns - proven solutions to common challenges
 
Industrial IoT on Azure
Industrial IoT on AzureIndustrial IoT on Azure
Industrial IoT on Azure
 
Flying a Drone with JavaScript and Computer Vision
Flying a Drone with JavaScript and Computer VisionFlying a Drone with JavaScript and Computer Vision
Flying a Drone with JavaScript and Computer Vision
 
ML with Power BI for Business and Pros
ML with Power BI for Business and ProsML with Power BI for Business and Pros
ML with Power BI for Business and Pros
 
Industrial IoT with Azure and Open Source
Industrial IoT with Azure and Open SourceIndustrial IoT with Azure and Open Source
Industrial IoT with Azure and Open Source
 

Kürzlich hochgeladen

SuccessFactors 1H 2024 Release - Sneak-Peek by Deloitte Germany
SuccessFactors 1H 2024 Release - Sneak-Peek by Deloitte GermanySuccessFactors 1H 2024 Release - Sneak-Peek by Deloitte Germany
SuccessFactors 1H 2024 Release - Sneak-Peek by Deloitte GermanyChristoph Pohl
 
Software Project Health Check: Best Practices and Techniques for Your Product...
Software Project Health Check: Best Practices and Techniques for Your Product...Software Project Health Check: Best Practices and Techniques for Your Product...
Software Project Health Check: Best Practices and Techniques for Your Product...Velvetech LLC
 
Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)
Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)
Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)jennyeacort
 
Introduction Computer Science - Software Design.pdf
Introduction Computer Science - Software Design.pdfIntroduction Computer Science - Software Design.pdf
Introduction Computer Science - Software Design.pdfFerryKemperman
 
Folding Cheat Sheet #4 - fourth in a series
Folding Cheat Sheet #4 - fourth in a seriesFolding Cheat Sheet #4 - fourth in a series
Folding Cheat Sheet #4 - fourth in a seriesPhilip Schwarz
 
Unveiling Design Patterns: A Visual Guide with UML Diagrams
Unveiling Design Patterns: A Visual Guide with UML DiagramsUnveiling Design Patterns: A Visual Guide with UML Diagrams
Unveiling Design Patterns: A Visual Guide with UML DiagramsAhmed Mohamed
 
BATTLEFIELD ORM: TIPS, TACTICS AND STRATEGIES FOR CONQUERING YOUR DATABASE
BATTLEFIELD ORM: TIPS, TACTICS AND STRATEGIES FOR CONQUERING YOUR DATABASEBATTLEFIELD ORM: TIPS, TACTICS AND STRATEGIES FOR CONQUERING YOUR DATABASE
BATTLEFIELD ORM: TIPS, TACTICS AND STRATEGIES FOR CONQUERING YOUR DATABASEOrtus Solutions, Corp
 
Dealing with Cultural Dispersion — Stefano Lambiase — ICSE-SEIS 2024
Dealing with Cultural Dispersion — Stefano Lambiase — ICSE-SEIS 2024Dealing with Cultural Dispersion — Stefano Lambiase — ICSE-SEIS 2024
Dealing with Cultural Dispersion — Stefano Lambiase — ICSE-SEIS 2024StefanoLambiase
 
What is Fashion PLM and Why Do You Need It
What is Fashion PLM and Why Do You Need ItWhat is Fashion PLM and Why Do You Need It
What is Fashion PLM and Why Do You Need ItWave PLM
 
Ahmed Motair CV April 2024 (Senior SW Developer)
Ahmed Motair CV April 2024 (Senior SW Developer)Ahmed Motair CV April 2024 (Senior SW Developer)
Ahmed Motair CV April 2024 (Senior SW Developer)Ahmed Mater
 
What is Advanced Excel and what are some best practices for designing and cre...
What is Advanced Excel and what are some best practices for designing and cre...What is Advanced Excel and what are some best practices for designing and cre...
What is Advanced Excel and what are some best practices for designing and cre...Technogeeks
 
CRM Contender Series: HubSpot vs. Salesforce
CRM Contender Series: HubSpot vs. SalesforceCRM Contender Series: HubSpot vs. Salesforce
CRM Contender Series: HubSpot vs. SalesforceBrainSell Technologies
 
PREDICTING RIVER WATER QUALITY ppt presentation
PREDICTING  RIVER  WATER QUALITY  ppt presentationPREDICTING  RIVER  WATER QUALITY  ppt presentation
PREDICTING RIVER WATER QUALITY ppt presentationvaddepallysandeep122
 
MYjobs Presentation Django-based project
MYjobs Presentation Django-based projectMYjobs Presentation Django-based project
MYjobs Presentation Django-based projectAnoyGreter
 
React Server Component in Next.js by Hanief Utama
React Server Component in Next.js by Hanief UtamaReact Server Component in Next.js by Hanief Utama
React Server Component in Next.js by Hanief UtamaHanief Utama
 
Alfresco TTL#157 - Troubleshooting Made Easy: Deciphering Alfresco mTLS Confi...
Alfresco TTL#157 - Troubleshooting Made Easy: Deciphering Alfresco mTLS Confi...Alfresco TTL#157 - Troubleshooting Made Easy: Deciphering Alfresco mTLS Confi...
Alfresco TTL#157 - Troubleshooting Made Easy: Deciphering Alfresco mTLS Confi...Angel Borroy López
 
Catch the Wave: SAP Event-Driven and Data Streaming for the Intelligence Ente...
Catch the Wave: SAP Event-Driven and Data Streaming for the Intelligence Ente...Catch the Wave: SAP Event-Driven and Data Streaming for the Intelligence Ente...
Catch the Wave: SAP Event-Driven and Data Streaming for the Intelligence Ente...confluent
 
GOING AOT WITH GRAALVM – DEVOXX GREECE.pdf
GOING AOT WITH GRAALVM – DEVOXX GREECE.pdfGOING AOT WITH GRAALVM – DEVOXX GREECE.pdf
GOING AOT WITH GRAALVM – DEVOXX GREECE.pdfAlina Yurenko
 
Xen Safety Embedded OSS Summit April 2024 v4.pdf
Xen Safety Embedded OSS Summit April 2024 v4.pdfXen Safety Embedded OSS Summit April 2024 v4.pdf
Xen Safety Embedded OSS Summit April 2024 v4.pdfStefano Stabellini
 

Kürzlich hochgeladen (20)

SuccessFactors 1H 2024 Release - Sneak-Peek by Deloitte Germany
SuccessFactors 1H 2024 Release - Sneak-Peek by Deloitte GermanySuccessFactors 1H 2024 Release - Sneak-Peek by Deloitte Germany
SuccessFactors 1H 2024 Release - Sneak-Peek by Deloitte Germany
 
Software Project Health Check: Best Practices and Techniques for Your Product...
Software Project Health Check: Best Practices and Techniques for Your Product...Software Project Health Check: Best Practices and Techniques for Your Product...
Software Project Health Check: Best Practices and Techniques for Your Product...
 
Advantages of Odoo ERP 17 for Your Business
Advantages of Odoo ERP 17 for Your BusinessAdvantages of Odoo ERP 17 for Your Business
Advantages of Odoo ERP 17 for Your Business
 
Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)
Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)
Call Us🔝>༒+91-9711147426⇛Call In girls karol bagh (Delhi)
 
Introduction Computer Science - Software Design.pdf
Introduction Computer Science - Software Design.pdfIntroduction Computer Science - Software Design.pdf
Introduction Computer Science - Software Design.pdf
 
Folding Cheat Sheet #4 - fourth in a series
Folding Cheat Sheet #4 - fourth in a seriesFolding Cheat Sheet #4 - fourth in a series
Folding Cheat Sheet #4 - fourth in a series
 
Unveiling Design Patterns: A Visual Guide with UML Diagrams
Unveiling Design Patterns: A Visual Guide with UML DiagramsUnveiling Design Patterns: A Visual Guide with UML Diagrams
Unveiling Design Patterns: A Visual Guide with UML Diagrams
 
BATTLEFIELD ORM: TIPS, TACTICS AND STRATEGIES FOR CONQUERING YOUR DATABASE
BATTLEFIELD ORM: TIPS, TACTICS AND STRATEGIES FOR CONQUERING YOUR DATABASEBATTLEFIELD ORM: TIPS, TACTICS AND STRATEGIES FOR CONQUERING YOUR DATABASE
BATTLEFIELD ORM: TIPS, TACTICS AND STRATEGIES FOR CONQUERING YOUR DATABASE
 
Dealing with Cultural Dispersion — Stefano Lambiase — ICSE-SEIS 2024
Dealing with Cultural Dispersion — Stefano Lambiase — ICSE-SEIS 2024Dealing with Cultural Dispersion — Stefano Lambiase — ICSE-SEIS 2024
Dealing with Cultural Dispersion — Stefano Lambiase — ICSE-SEIS 2024
 
What is Fashion PLM and Why Do You Need It
What is Fashion PLM and Why Do You Need ItWhat is Fashion PLM and Why Do You Need It
What is Fashion PLM and Why Do You Need It
 
Ahmed Motair CV April 2024 (Senior SW Developer)
Ahmed Motair CV April 2024 (Senior SW Developer)Ahmed Motair CV April 2024 (Senior SW Developer)
Ahmed Motair CV April 2024 (Senior SW Developer)
 
What is Advanced Excel and what are some best practices for designing and cre...
What is Advanced Excel and what are some best practices for designing and cre...What is Advanced Excel and what are some best practices for designing and cre...
What is Advanced Excel and what are some best practices for designing and cre...
 
CRM Contender Series: HubSpot vs. Salesforce
CRM Contender Series: HubSpot vs. SalesforceCRM Contender Series: HubSpot vs. Salesforce
CRM Contender Series: HubSpot vs. Salesforce
 
PREDICTING RIVER WATER QUALITY ppt presentation
PREDICTING  RIVER  WATER QUALITY  ppt presentationPREDICTING  RIVER  WATER QUALITY  ppt presentation
PREDICTING RIVER WATER QUALITY ppt presentation
 
MYjobs Presentation Django-based project
MYjobs Presentation Django-based projectMYjobs Presentation Django-based project
MYjobs Presentation Django-based project
 
React Server Component in Next.js by Hanief Utama
React Server Component in Next.js by Hanief UtamaReact Server Component in Next.js by Hanief Utama
React Server Component in Next.js by Hanief Utama
 
Alfresco TTL#157 - Troubleshooting Made Easy: Deciphering Alfresco mTLS Confi...
Alfresco TTL#157 - Troubleshooting Made Easy: Deciphering Alfresco mTLS Confi...Alfresco TTL#157 - Troubleshooting Made Easy: Deciphering Alfresco mTLS Confi...
Alfresco TTL#157 - Troubleshooting Made Easy: Deciphering Alfresco mTLS Confi...
 
Catch the Wave: SAP Event-Driven and Data Streaming for the Intelligence Ente...
Catch the Wave: SAP Event-Driven and Data Streaming for the Intelligence Ente...Catch the Wave: SAP Event-Driven and Data Streaming for the Intelligence Ente...
Catch the Wave: SAP Event-Driven and Data Streaming for the Intelligence Ente...
 
GOING AOT WITH GRAALVM – DEVOXX GREECE.pdf
GOING AOT WITH GRAALVM – DEVOXX GREECE.pdfGOING AOT WITH GRAALVM – DEVOXX GREECE.pdf
GOING AOT WITH GRAALVM – DEVOXX GREECE.pdf
 
Xen Safety Embedded OSS Summit April 2024 v4.pdf
Xen Safety Embedded OSS Summit April 2024 v4.pdfXen Safety Embedded OSS Summit April 2024 v4.pdf
Xen Safety Embedded OSS Summit April 2024 v4.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
  • 7.
  • 8.
  • 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