SlideShare uma empresa Scribd logo
1 de 46
Build a Neural Network for
IT Self-Service with
TensorFlow
Ashish Kumar
Twitter: @ashish_fagna
LinkedIn: https://www.linkedin.com/in/ashkmr1/
ashish.fagna@gmail.com
What is Machine learning
?
• Machine learning is a field of computer science that
gives computers the ability to learn without being explicitly
programmed.
• Machine learning algorithms are techniques for estimating the
target function (f) to predict the output variable (Y) given input
variables (X).
Why Machine Learning
Matters ?
Neurons :
Biological and Artificial
• Neurons (nerve cells) are basic elements of the nervous
system.
Biological Neuron Artificial Neuron
AlphaGo
OpenAI wins Dota 2
YouTube
ML is subset of AI
Source : https://medium.com/machine-learning-for-humans/why-machine-learning-matters-6164faf1df12
Machine Learning Basics
• Neural networks, is a programming
paradigm which enables a computer
to learn from observational data.
• Deep learning, a powerful set of
techniques for learning in neural
networks,
• Provides the best solutions to many
problems in image recognition,
speech recognition, and natural
language processing.
Neural Network
Neural Network
• Artificial Neural Networks (ANN) are
inspired by biological nervous systems.
• It is composed of a large number of
neurons (highly inter-connected
processing elements).
• An ANN is configured for a specific
application, such as pattern recognition
or data classification
Neural Network - Layers
• The processing layers are the hidden layers.
• These hidden layers perform specific tasks on the incoming data
and pass on the output generated by them to the next layer.
• The input and output layers are the ones visible to us, while are
the intermediate layers are hidden.
Types of Neural
Networks
source: http://www.asimovinstitute.org/wp-content/uploads/2016/09/neuralnetworks.png
Types of Neural
Networks
source: http://www.asimovinstitute.org/wp-content/uploads/2016/09/neuralnetworks.png
Learning Paradigms
1. Supervised Learning
2. UnsuperVised Learning
3. Reinforcement Learning
Supervised Learning
• Supervised Learning is a type of system in which both input
and desired output data are provided.
• Use cases : Chatbots, self-driving cars, facial recognition
programs and robots.
source: https://www.coursera.org/learn/machine-learning/lecture/1VkCb/supervised-learning
Supervised Learning
• MRI scans used in NeuroScience Research.
Unsupervised Learning
• Identify the patterns and trends from given datasets.
• An AI system is presented with unlabeled, uncategorised
data and the system’s algorithms act on the data without
prior training.
• The output is dependent upon the coded algorithms.
• Example : Natural grouping of Xs (X= human languages,
stocks, gene sequences, animal species)
Unsupervised Learning
• used in neuroscience research to find relationships amongst
the data
Clustering Algorithm
source: https://www.youtube.com/watch?v=QEuGkcpa1Tw
Supervised Learning ~
Approximation
Unsupervised learning ~ Description
Reinforcement Learning
• Machine’s learn its behaviour based on feedback from the
environment.
• Example: A bot improves playing a tic- tac -toe game by
playing it and learning from experience.
source: https://www.quora.com/What-is-reinforcement-learning
What problems can
neural nets solve for IT?
• Predict the assignment group for an incident
• Use NLP and NLU to diagnose employee issues from a
virtual agent
• Determine which CI caused a problem
• Specify the risk of implementing a change
Popular Deep Learning Frameworks
•TensorFlow
•Caffe2
•PyTorch
•Apache MXNet
•Microsoft Cognitive Toolkit
•Keras
•Torch
•Deeplearning4j
•Chainer
•Theano, Lasagn
Open Neural Network Exchange (ONNX), a
platform for inter operability of models (CNN,
RNN) between various DL Frameworks
Tensor ?
• Tensor can be thought of a
multi dimensional array of
numbers.
• Tensors often offer more
natural representations of
data,
• e.g., consider video, which
consists of obviously
correlated images over time.
We can turn this into a matrix
TensorFlow
• Originally developed by the Google
Brain Team within Google's Machine
Intelligence research organisation.
• TensorFlow provides primitives for
defining functions on tensors and
automatically computing their
derivatives.
• An open source software library for
numerical computation using data flow
graphs.
TensorFlow: Stats
• 12,000+ commits since Nov, 2015
• 570+ contributors
• 1M+ binary downloads
• 5000+ TensorFlow related repositories on GitHub
• #15 most popular repository on GitHub by stars - across
all categories
• Used in ML classes at many universities: Toronto,
Berkeley, Stanford,
Data Flow Graph ?
Computations are represented as graphs:
• Nodes are the operations (ops)
• Edges are the Tensors (multidimensional
arrays)
Typical program consists of 2 phases:
• construction phase: assembling a graph
(model)
• execution phase: pushing data through
the graph
TensorFlow
Architecture
Machine Learning Basic
Concept
Neural Network
Simulation
Tinker with a Neural Network in Your Browser:
Link: playground.tensorflow.org
Image Classification
Datasets :
Image Classification
source: https://martin-thoma.com/sota/
Dataset Year Score Type Paper
ImageNet 2012 2015 3.08% Top-5 error - [SIVA16]
MNIST 2013 0.21% error - [WZZ+13]
CIFAR-10 2017 2.72% error - [G17]
CIFAR-100 2016 15.85% error - [G17]
STL-10 2017 78.66% accuracy + [Tho17-2]
SVHN 2016 1.54% error - [ZK16]
Caltech-101 2014 91.4% accuracy + [HZRS14]
Caltech-256 2014 74.2% accuracy + [ZF14]
Image Classification
Convolution Neural Network
(CNN)
source: https://www.kernix.com/blog/a-toy-convolutional-neural-network-for-image-classification-with-keras_p14
Activation Functions
• Sigmoid
• ReLU (Rectified Linear Units)
• SoftMax
Handwritten Digit (MNIST) :
SoftMax model
https://github.com/Kulbear/deep-learning-nano-foundation/wiki/ReLU-and-Softmax-Activation-Fu
Handwritten Digit (MNIST) : SoftMax
model
Matrix Notation:
100 Images Matrix (matmul) Weight
matrix
softmax on a bunch of images
TensorFlow Equivalent
source: https://docs.google.com/presentation/d/1TVixw6ItiZ8igjp6U17tcgoFrLSaHWQmMOwjlgQY9co/pub?slide=id.g110257a6da_0_476
TensorFlow Code: Handwritten Digit (MNIST)
Classification
https://docs.google.com/presentation/d/1TVixw6ItiZ8igjp6U17tcgoFrLSaHWQmMOwjlgQY9co/pub?slide=id.g110257a6da_0_59
Model training on
ServiceNow
Demo 1
Text Classification
ITSM Incidents - Training JSON Data
{
"Service Desk": [
"Can't read email",
"Forgot email password",
"Reset my password",
"How do I create a sub-folder"
],
"Network": [
"Unable to get to network file shares",
"change to my w2",
"Lost connection to the wireless network",
"Issue with networking",
"Trouble getting to Oregon mail server"
],
"Hardware": [
"CPU load high for over 10 minutes",
"Printer in my office is out of toner",
"Need new Blackberry setup",
"Rain is leaking on main DNS Server",
"Seem to have an issue with my hard drive”
],
"Software": [
"SAP Financial Accounting application appears to be down",
"The SAP HR application is not accessible",
"Hang when trying to print VISIO document",
"EMAIL is slow when an attachment is involved",
"address correction on w2”
Demo 2
1. Prepare Data
2. Neural Network :
• Model training using historic IT incidents
• Auto-route an incident to correct assignment group
source: : https://sourcedexter.com/tensorflow-text-classification-python/
Why TensorFlow is popular
v/s alternatives
• The visualisation module (TensorBoard): One of the
main lacking areas of almost all open source Machine
Learning packages, was the ability to visually model and
follow the computation pipeline.
• The all-in-one hardware implementation approach: The
libraries of TensorFlow can be deployed in all kinds of
hardware, from mobile devices to more powerful
heterogeneous computing setups.
Questions
Twitter: @ashish_fagna
LinkedIn: https://www.linkedin.com/in/ashkmr1/
ashish.fagna@gmail.com
Thank You !

Mais conteúdo relacionado

Mais procurados

Mais procurados (20)

Insider's introduction to microsoft azure machine learning: 201411 Seattle Bu...
Insider's introduction to microsoft azure machine learning: 201411 Seattle Bu...Insider's introduction to microsoft azure machine learning: 201411 Seattle Bu...
Insider's introduction to microsoft azure machine learning: 201411 Seattle Bu...
 
IBM i & Data Science in the AI era.
IBM i & Data Science in the AI era.  IBM i & Data Science in the AI era.
IBM i & Data Science in the AI era.
 
Machine Learning and the Cloud
Machine Learning and the CloudMachine Learning and the Cloud
Machine Learning and the Cloud
 
Azure Machine Learning 101
Azure Machine Learning 101Azure Machine Learning 101
Azure Machine Learning 101
 
2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...
2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...
2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...
 
Internet of Things, Cloud & Artificial Intelligence
Internet of Things, Cloud & Artificial IntelligenceInternet of Things, Cloud & Artificial Intelligence
Internet of Things, Cloud & Artificial Intelligence
 
Build intelligent applications using AI services
Build intelligent applications using AI servicesBuild intelligent applications using AI services
Build intelligent applications using AI services
 
AI and machine learning
AI and machine learningAI and machine learning
AI and machine learning
 
Introduction & Hands-on with H2O Driverless AI
Introduction & Hands-on with H2O Driverless AIIntroduction & Hands-on with H2O Driverless AI
Introduction & Hands-on with H2O Driverless AI
 
Citizen Data Science Training using KNIME
Citizen Data Science Training using KNIMECitizen Data Science Training using KNIME
Citizen Data Science Training using KNIME
 
Intelligent Big Data analytics for the future.
Intelligent Big Data analytics for the future.Intelligent Big Data analytics for the future.
Intelligent Big Data analytics for the future.
 
Operationalizing Machine Learning (Rajeev Dutt, CEO, Co-Founder, DimensionalM...
Operationalizing Machine Learning (Rajeev Dutt, CEO, Co-Founder, DimensionalM...Operationalizing Machine Learning (Rajeev Dutt, CEO, Co-Founder, DimensionalM...
Operationalizing Machine Learning (Rajeev Dutt, CEO, Co-Founder, DimensionalM...
 
Ethical AI - Open Compliance Summit 2020
Ethical AI - Open Compliance Summit 2020Ethical AI - Open Compliance Summit 2020
Ethical AI - Open Compliance Summit 2020
 
Data driven approaches in a technology startup
Data driven approaches in a technology startupData driven approaches in a technology startup
Data driven approaches in a technology startup
 
InTTrust -IBM Artificial Intelligence Event
InTTrust -IBM Artificial Intelligence  EventInTTrust -IBM Artificial Intelligence  Event
InTTrust -IBM Artificial Intelligence Event
 
Rita Arrigo, Microsoft
Rita Arrigo, Microsoft Rita Arrigo, Microsoft
Rita Arrigo, Microsoft
 
Data Natives Munich v 12.0 | "How to be more productive with Autonomous Data ...
Data Natives Munich v 12.0 | "How to be more productive with Autonomous Data ...Data Natives Munich v 12.0 | "How to be more productive with Autonomous Data ...
Data Natives Munich v 12.0 | "How to be more productive with Autonomous Data ...
 
Democratize ai with google cloud
Democratize ai with google cloudDemocratize ai with google cloud
Democratize ai with google cloud
 
Sakha Global - Artificial Intelligence in Customer Service
Sakha Global - Artificial Intelligence in Customer ServiceSakha Global - Artificial Intelligence in Customer Service
Sakha Global - Artificial Intelligence in Customer Service
 
엔터프라이즈의 AI/ML 활용을 돕는 Paxata 지능형 데이터 전처리 플랫폼 (최문규 이사, PAXATA) :: AWS Techforum...
엔터프라이즈의 AI/ML 활용을 돕는 Paxata 지능형 데이터 전처리 플랫폼 (최문규 이사, PAXATA) :: AWS Techforum...엔터프라이즈의 AI/ML 활용을 돕는 Paxata 지능형 데이터 전처리 플랫폼 (최문규 이사, PAXATA) :: AWS Techforum...
엔터프라이즈의 AI/ML 활용을 돕는 Paxata 지능형 데이터 전처리 플랫폼 (최문규 이사, PAXATA) :: AWS Techforum...
 

Semelhante a Build a Neural Network for ITSM with TensorFlow

Semelhante a Build a Neural Network for ITSM with TensorFlow (20)

Artificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
Artificial Intelligence and Deep Learning in Azure, CNTK and TensorflowArtificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
Artificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Persian MNIST in 5 Minutes
Persian MNIST in 5 MinutesPersian MNIST in 5 Minutes
Persian MNIST in 5 Minutes
 
Deep Learning with CNTK
Deep Learning with CNTKDeep Learning with CNTK
Deep Learning with CNTK
 
How to use Artificial Intelligence with Python? Edureka
How to use Artificial Intelligence with Python? EdurekaHow to use Artificial Intelligence with Python? Edureka
How to use Artificial Intelligence with Python? Edureka
 
ML basics.pptx
ML basics.pptxML basics.pptx
ML basics.pptx
 
Recent Advances in Machine Learning: Bringing a New Level of Intelligence to ...
Recent Advances in Machine Learning: Bringing a New Level of Intelligence to ...Recent Advances in Machine Learning: Bringing a New Level of Intelligence to ...
Recent Advances in Machine Learning: Bringing a New Level of Intelligence to ...
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
 
Cognitive Toolkit - Deep Learning framework from Microsoft
Cognitive Toolkit - Deep Learning framework from MicrosoftCognitive Toolkit - Deep Learning framework from Microsoft
Cognitive Toolkit - Deep Learning framework from Microsoft
 
AI - To get an overview
AI   - To get an overviewAI   - To get an overview
AI - To get an overview
 
Deep machine learning by Mario Cho
Deep machine learning by Mario ChoDeep machine learning by Mario Cho
Deep machine learning by Mario Cho
 
Tensorflow
TensorflowTensorflow
Tensorflow
 
2017 arab wic marwa ayad machine learning
2017 arab wic marwa ayad machine learning2017 arab wic marwa ayad machine learning
2017 arab wic marwa ayad machine learning
 
ML in the Browser: Interactive Experiences with Tensorflow.js
ML in the Browser: Interactive Experiences with Tensorflow.jsML in the Browser: Interactive Experiences with Tensorflow.js
ML in the Browser: Interactive Experiences with Tensorflow.js
 
Open source ai_technical_trend
Open source ai_technical_trendOpen source ai_technical_trend
Open source ai_technical_trend
 
Journey of Generative AI
Journey of Generative AIJourney of Generative AI
Journey of Generative AI
 
Introduction to ML.NET
Introduction to ML.NETIntroduction to ML.NET
Introduction to ML.NET
 
Hacking Predictive Modeling - RoadSec 2018
Hacking Predictive Modeling - RoadSec 2018Hacking Predictive Modeling - RoadSec 2018
Hacking Predictive Modeling - RoadSec 2018
 
AI for Everyone: Master the Basics
AI for Everyone: Master the BasicsAI for Everyone: Master the Basics
AI for Everyone: Master the Basics
 

Mais de Entrepreneur / Startup

Mais de Entrepreneur / Startup (11)

R-FCN : object detection via region-based fully convolutional networks
R-FCN :  object detection via region-based fully convolutional networksR-FCN :  object detection via region-based fully convolutional networks
R-FCN : object detection via region-based fully convolutional networks
 
You only look once (YOLO) : unified real time object detection
You only look once (YOLO) : unified real time object detectionYou only look once (YOLO) : unified real time object detection
You only look once (YOLO) : unified real time object detection
 
Machine Learning Algorithms in Enterprise Applications
Machine Learning Algorithms in Enterprise ApplicationsMachine Learning Algorithms in Enterprise Applications
Machine Learning Algorithms in Enterprise Applications
 
OpenAI Gym & Universe
OpenAI Gym & UniverseOpenAI Gym & Universe
OpenAI Gym & Universe
 
Understanding Autoencoder (Deep Learning Book, Chapter 14)
Understanding Autoencoder  (Deep Learning Book, Chapter 14)Understanding Autoencoder  (Deep Learning Book, Chapter 14)
Understanding Autoencoder (Deep Learning Book, Chapter 14)
 
Building chat bots using ai platforms (wit.ai or api.ai) in nodejs
Building chat bots using ai platforms (wit.ai or api.ai) in nodejsBuilding chat bots using ai platforms (wit.ai or api.ai) in nodejs
Building chat bots using ai platforms (wit.ai or api.ai) in nodejs
 
Building mobile apps using meteorJS
Building mobile apps using meteorJSBuilding mobile apps using meteorJS
Building mobile apps using meteorJS
 
Building iOS app using meteor
Building iOS app using meteorBuilding iOS app using meteor
Building iOS app using meteor
 
Understanding angular meteor
Understanding angular meteorUnderstanding angular meteor
Understanding angular meteor
 
Introducing ElasticSearch - Ashish
Introducing ElasticSearch - AshishIntroducing ElasticSearch - Ashish
Introducing ElasticSearch - Ashish
 
Meteor Introduction - Ashish
Meteor Introduction - AshishMeteor Introduction - Ashish
Meteor Introduction - Ashish
 

Último

+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
Health
 

Último (20)

How To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerHow To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected Worker
 
Optimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVOptimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTV
 
Exploring the Best Video Editing App.pdf
Exploring the Best Video Editing App.pdfExploring the Best Video Editing App.pdf
Exploring the Best Video Editing App.pdf
 
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
 
%in kempton park+277-882-255-28 abortion pills for sale in kempton park
%in kempton park+277-882-255-28 abortion pills for sale in kempton park %in kempton park+277-882-255-28 abortion pills for sale in kempton park
%in kempton park+277-882-255-28 abortion pills for sale in kempton park
 
%in Midrand+277-882-255-28 abortion pills for sale in midrand
%in Midrand+277-882-255-28 abortion pills for sale in midrand%in Midrand+277-882-255-28 abortion pills for sale in midrand
%in Midrand+277-882-255-28 abortion pills for sale in midrand
 
10 Trends Likely to Shape Enterprise Technology in 2024
10 Trends Likely to Shape Enterprise Technology in 202410 Trends Likely to Shape Enterprise Technology in 2024
10 Trends Likely to Shape Enterprise Technology in 2024
 
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
+971565801893>>SAFE AND ORIGINAL ABORTION PILLS FOR SALE IN DUBAI AND ABUDHAB...
 
Sector 18, Noida Call girls :8448380779 Model Escorts | 100% verified
Sector 18, Noida Call girls :8448380779 Model Escorts | 100% verifiedSector 18, Noida Call girls :8448380779 Model Escorts | 100% verified
Sector 18, Noida Call girls :8448380779 Model Escorts | 100% verified
 
The Guide to Integrating Generative AI into Unified Continuous Testing Platfo...
The Guide to Integrating Generative AI into Unified Continuous Testing Platfo...The Guide to Integrating Generative AI into Unified Continuous Testing Platfo...
The Guide to Integrating Generative AI into Unified Continuous Testing Platfo...
 
8257 interfacing 2 in microprocessor for btech students
8257 interfacing 2 in microprocessor for btech students8257 interfacing 2 in microprocessor for btech students
8257 interfacing 2 in microprocessor for btech students
 
%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein
%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein
%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein
 
HR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.comHR Software Buyers Guide in 2024 - HRSoftware.com
HR Software Buyers Guide in 2024 - HRSoftware.com
 
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
call girls in Vaishali (Ghaziabad) 🔝 >༒8448380779 🔝 genuine Escort Service 🔝✔️✔️
 
Microsoft AI Transformation Partner Playbook.pdf
Microsoft AI Transformation Partner Playbook.pdfMicrosoft AI Transformation Partner Playbook.pdf
Microsoft AI Transformation Partner Playbook.pdf
 
BUS PASS MANGEMENT SYSTEM USING PHP.pptx
BUS PASS MANGEMENT SYSTEM USING PHP.pptxBUS PASS MANGEMENT SYSTEM USING PHP.pptx
BUS PASS MANGEMENT SYSTEM USING PHP.pptx
 
MarTech Trend 2024 Book : Marketing Technology Trends (2024 Edition) How Data...
MarTech Trend 2024 Book : Marketing Technology Trends (2024 Edition) How Data...MarTech Trend 2024 Book : Marketing Technology Trends (2024 Edition) How Data...
MarTech Trend 2024 Book : Marketing Technology Trends (2024 Edition) How Data...
 
%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain
%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain
%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain
 
VTU technical seminar 8Th Sem on Scikit-learn
VTU technical seminar 8Th Sem on Scikit-learnVTU technical seminar 8Th Sem on Scikit-learn
VTU technical seminar 8Th Sem on Scikit-learn
 
Chinsurah Escorts ☎️8617697112 Starting From 5K to 15K High Profile Escorts ...
Chinsurah Escorts ☎️8617697112  Starting From 5K to 15K High Profile Escorts ...Chinsurah Escorts ☎️8617697112  Starting From 5K to 15K High Profile Escorts ...
Chinsurah Escorts ☎️8617697112 Starting From 5K to 15K High Profile Escorts ...
 

Build a Neural Network for ITSM with TensorFlow

  • 1. Build a Neural Network for IT Self-Service with TensorFlow Ashish Kumar Twitter: @ashish_fagna LinkedIn: https://www.linkedin.com/in/ashkmr1/ ashish.fagna@gmail.com
  • 2. What is Machine learning ? • Machine learning is a field of computer science that gives computers the ability to learn without being explicitly programmed. • Machine learning algorithms are techniques for estimating the target function (f) to predict the output variable (Y) given input variables (X).
  • 4. Neurons : Biological and Artificial • Neurons (nerve cells) are basic elements of the nervous system. Biological Neuron Artificial Neuron
  • 6. OpenAI wins Dota 2 YouTube
  • 7. ML is subset of AI Source : https://medium.com/machine-learning-for-humans/why-machine-learning-matters-6164faf1df12
  • 9. • Neural networks, is a programming paradigm which enables a computer to learn from observational data. • Deep learning, a powerful set of techniques for learning in neural networks, • Provides the best solutions to many problems in image recognition, speech recognition, and natural language processing. Neural Network
  • 10. Neural Network • Artificial Neural Networks (ANN) are inspired by biological nervous systems. • It is composed of a large number of neurons (highly inter-connected processing elements). • An ANN is configured for a specific application, such as pattern recognition or data classification
  • 11. Neural Network - Layers • The processing layers are the hidden layers. • These hidden layers perform specific tasks on the incoming data and pass on the output generated by them to the next layer. • The input and output layers are the ones visible to us, while are the intermediate layers are hidden.
  • 12. Types of Neural Networks source: http://www.asimovinstitute.org/wp-content/uploads/2016/09/neuralnetworks.png
  • 13. Types of Neural Networks source: http://www.asimovinstitute.org/wp-content/uploads/2016/09/neuralnetworks.png
  • 14. Learning Paradigms 1. Supervised Learning 2. UnsuperVised Learning 3. Reinforcement Learning
  • 15. Supervised Learning • Supervised Learning is a type of system in which both input and desired output data are provided. • Use cases : Chatbots, self-driving cars, facial recognition programs and robots. source: https://www.coursera.org/learn/machine-learning/lecture/1VkCb/supervised-learning
  • 16. Supervised Learning • MRI scans used in NeuroScience Research.
  • 17. Unsupervised Learning • Identify the patterns and trends from given datasets. • An AI system is presented with unlabeled, uncategorised data and the system’s algorithms act on the data without prior training. • The output is dependent upon the coded algorithms. • Example : Natural grouping of Xs (X= human languages, stocks, gene sequences, animal species)
  • 18. Unsupervised Learning • used in neuroscience research to find relationships amongst the data Clustering Algorithm source: https://www.youtube.com/watch?v=QEuGkcpa1Tw
  • 20. Reinforcement Learning • Machine’s learn its behaviour based on feedback from the environment. • Example: A bot improves playing a tic- tac -toe game by playing it and learning from experience. source: https://www.quora.com/What-is-reinforcement-learning
  • 21. What problems can neural nets solve for IT? • Predict the assignment group for an incident • Use NLP and NLU to diagnose employee issues from a virtual agent • Determine which CI caused a problem • Specify the risk of implementing a change
  • 22. Popular Deep Learning Frameworks •TensorFlow •Caffe2 •PyTorch •Apache MXNet •Microsoft Cognitive Toolkit •Keras •Torch •Deeplearning4j •Chainer •Theano, Lasagn Open Neural Network Exchange (ONNX), a platform for inter operability of models (CNN, RNN) between various DL Frameworks
  • 23. Tensor ? • Tensor can be thought of a multi dimensional array of numbers. • Tensors often offer more natural representations of data, • e.g., consider video, which consists of obviously correlated images over time. We can turn this into a matrix
  • 24. TensorFlow • Originally developed by the Google Brain Team within Google's Machine Intelligence research organisation. • TensorFlow provides primitives for defining functions on tensors and automatically computing their derivatives. • An open source software library for numerical computation using data flow graphs.
  • 25. TensorFlow: Stats • 12,000+ commits since Nov, 2015 • 570+ contributors • 1M+ binary downloads • 5000+ TensorFlow related repositories on GitHub • #15 most popular repository on GitHub by stars - across all categories • Used in ML classes at many universities: Toronto, Berkeley, Stanford,
  • 26. Data Flow Graph ? Computations are represented as graphs: • Nodes are the operations (ops) • Edges are the Tensors (multidimensional arrays) Typical program consists of 2 phases: • construction phase: assembling a graph (model) • execution phase: pushing data through the graph
  • 29. Neural Network Simulation Tinker with a Neural Network in Your Browser: Link: playground.tensorflow.org
  • 31. Datasets : Image Classification source: https://martin-thoma.com/sota/ Dataset Year Score Type Paper ImageNet 2012 2015 3.08% Top-5 error - [SIVA16] MNIST 2013 0.21% error - [WZZ+13] CIFAR-10 2017 2.72% error - [G17] CIFAR-100 2016 15.85% error - [G17] STL-10 2017 78.66% accuracy + [Tho17-2] SVHN 2016 1.54% error - [ZK16] Caltech-101 2014 91.4% accuracy + [HZRS14] Caltech-256 2014 74.2% accuracy + [ZF14]
  • 33. Convolution Neural Network (CNN) source: https://www.kernix.com/blog/a-toy-convolutional-neural-network-for-image-classification-with-keras_p14
  • 34. Activation Functions • Sigmoid • ReLU (Rectified Linear Units) • SoftMax
  • 35. Handwritten Digit (MNIST) : SoftMax model https://github.com/Kulbear/deep-learning-nano-foundation/wiki/ReLU-and-Softmax-Activation-Fu
  • 36. Handwritten Digit (MNIST) : SoftMax model
  • 37. Matrix Notation: 100 Images Matrix (matmul) Weight matrix
  • 38. softmax on a bunch of images TensorFlow Equivalent source: https://docs.google.com/presentation/d/1TVixw6ItiZ8igjp6U17tcgoFrLSaHWQmMOwjlgQY9co/pub?slide=id.g110257a6da_0_476
  • 39. TensorFlow Code: Handwritten Digit (MNIST) Classification https://docs.google.com/presentation/d/1TVixw6ItiZ8igjp6U17tcgoFrLSaHWQmMOwjlgQY9co/pub?slide=id.g110257a6da_0_59
  • 42. ITSM Incidents - Training JSON Data { "Service Desk": [ "Can't read email", "Forgot email password", "Reset my password", "How do I create a sub-folder" ], "Network": [ "Unable to get to network file shares", "change to my w2", "Lost connection to the wireless network", "Issue with networking", "Trouble getting to Oregon mail server" ], "Hardware": [ "CPU load high for over 10 minutes", "Printer in my office is out of toner", "Need new Blackberry setup", "Rain is leaking on main DNS Server", "Seem to have an issue with my hard drive” ], "Software": [ "SAP Financial Accounting application appears to be down", "The SAP HR application is not accessible", "Hang when trying to print VISIO document", "EMAIL is slow when an attachment is involved", "address correction on w2”
  • 43. Demo 2 1. Prepare Data 2. Neural Network : • Model training using historic IT incidents • Auto-route an incident to correct assignment group source: : https://sourcedexter.com/tensorflow-text-classification-python/
  • 44. Why TensorFlow is popular v/s alternatives • The visualisation module (TensorBoard): One of the main lacking areas of almost all open source Machine Learning packages, was the ability to visually model and follow the computation pipeline. • The all-in-one hardware implementation approach: The libraries of TensorFlow can be deployed in all kinds of hardware, from mobile devices to more powerful heterogeneous computing setups.

Notas do Editor

  1. AlphaGo is a computer program that plays the board game Go.[1] It was developed by Alphabet Inc.'s Google DeepMind in London.