SlideShare a Scribd company logo
1 of 84
Mustafa Aldemir, Intel Turkey
INTELLIGE
NCE
ARTIFICIAL
INTELLIGE
NCE
ARTIFICIAL
ARTIFI
CIAL
Deep learning: Examples
Images
Computer vision, Image classification,
Traffic sign detection, Pedestrian
detection, localization…
Sound
Speech recognition, Natual Language
Processing, Translation, Content
captioning, speaker identification
Text
Natual Language Processing, text
classification; web search, spam,
email filtering
3
ARTIFI
CIAL
-> Label the image
Person
Motorcyclist
Bike
https://people.eecs.berkeley.edu/~jhoffman/talks/lsda-baylearn2014.pdf
Classification
4
ARTIFI
CIAL
Detection
-> Detect and label
https://people.eecs.berkeley.edu/~jhoffman/talks/lsda-baylearn2014.pdf
5
ARTIFI
CIAL
https://people.eecs.berkeley.edu/~jhoffman/talks/lsda-baylearn2014.pdf
Semantic Segmentation
-> Label every pixel
6
ARTIFI
CIAL
http://arxiv.org/pdf/1511.04164v3.pdf
Natural Language Object Retrieval
7
ARTIFI
CIAL
Speech Recognition
8
ARTIFI
CIAL
IMAGE / Video Captioning
9
ARTIFI
CIAL 10@IntelAI
Deep learning breakthroughs
0%
8%
15%
23%
30%
Human
2010 Present
Image
recognition
0%
8%
15%
23%
30%
2000 Present
Speech
recognition
Error
Error
Human
97%
person 99%
“play song”
These and more are enabling new & improved applications
INTELLIGE
NCE
ARTIFICIAL
ARTIFI
CIAL
Inspired By Human Brain
12
ARTIFI
CIAL 13
Will Nancy like Gravity?
Let’s ask close friends Mary and John, who already watched it
and rated between 1-5.
ARTIFI
CIAL
Movie Mary’s Rating John’s Rating Does Nancy like?
Lord of the Rings 2 1 5 No
... ... ... ...
Star Wars 1 4.5 4 Yes
Gravity 3 3 ?
14
ARTIFI
CIAL 15
ARTIFI
CIAL 16
A decision function can be as simple as weighted linear
combination of friends:
• Labels: “I like it” -> 1 “I don’t like it” -> 0
• Inputs: Mary’s rating, John’s rating
ARTIFI
CIAL 17
This function has a problem. Its values are unbounded.
We want its output to be in the range of 0 and 1.
Activation Function
ARTIFI
CIAL 18
Another Way of Representing The Model
ARTIFI
CIAL 19
We will use the past data to learn 𝜃, 𝑏 to approximate 𝑦. In
particular, we want to obtain 𝜃, 𝑏 such that:
Learn From Data
ARTIFI
CIAL 20
Cost Function
ARTIFI
CIAL 21
Backpropogation
ARTIFI
CIAL 22
Stochastic Gradient Descent
ARTIFI
CIAL 23
Stochastic Gradient Descent
ARTIFI
CIAL 24
Steps
ARTIFI
CIAL 25
Gravity movie is slightly on the
“don’t watch” side.
With this data set, it seems like ”not
watching it” makes more sense.
ARTIFI
CIAL 26
Nancy likes some of the movies
both Mary and John rated poorly.
How can I have a linear decision
boundary separate these?
ARTIFI
CIAL 27
ARTIFI
CIAL 28
Movie Output by
decision
function h1
Output by
decision
function h2
Does Nancy
like?
Lord of the Rings 2 ℎ1(𝑥(1)) ℎ2(𝑥(1)) No
... ... ... ...
Star Wars 1 ℎ1(𝑥(𝑛)) ℎ2(𝑥(𝑛)) Yes
Gravity ℎ1(𝑥(𝑛+1)
) ℎ2(𝑥(𝑛+1)
) ?
ARTIFI
CIAL
This is the Neural Network
29
ARTIFI
CIAL
A deeper neural network
30
ARTIFI
CIAL
Deep learning: Basic structure
Basic single
neuron
31
ARTIFI
CIAL
Deep learning: Basic structure
𝜑
𝜑
Activation
function
Basic single
neuron
single neuron with
activation
32
ARTIFI
CIAL
Deep learning: Basic structure
Hidden layer
Input layer
Output layer
𝜑
𝜑
Activation
function
Basic single
neuron
single neuron with
activation
Basic
structure with
two hidden
layers
33
ARTIFI
CIAL
• Training / Testing percentage
• Overfitting – Underfitting
• Topology
• Training Algorithms
• Learning Rate
• Batch Size
KeyWords
34
ARTIFI
CIAL
Classical Machine Learning vs
Deep Learning
 Random Forest
 Support Vector Machines
 Regression
 Naïve Bayes
 Hidden Markov
 K-Means Clustering
 Ensemble Methods
 More…
Classic ML
Using optimized functions or algorithms to
extract insights from data
Training
Data*
Inference,
Clustering, or
Classification
New Data*
Deep learning
Using massive labeled data sets to train deep (neural)
graphs that can make inferences about new data
Step 1: Training
Use massive labeled dataset (e.g. 10M
tagged images) to iteratively adjust
weighting of neural network connections
Step 2:
Inference
Form inference about new input
data (e.g. a photo) using
trained neural network
Hours to Days
in Cloud
Ne
w
Dat
a
Untrained Trained
Algorithms
CNN,
RNN,
RBM..
*Note: not all classic machine learning functions require training
Real-Time
at Edge/Cloud
INTELLIGE
NCE
ARTIFICI
AL
ARTIFI
CIAL
Use Case: HandWritten Digits (MNIST)
ARTIFI
CIAL
Use Case: HandWritten Digits (MNIST)
ARTIFI
CIAL
Use Case: HandWritten Digits (MNIST)
Hidden layerInput layer Output layer
MNIST DATASET
28x28 Pixels
= 28x28 pixels
= 784 units
= 100 units
(variable)
= 10 units (0 – 9)
Winput → hidden 784 x 100
bhidden 100
Whidden → output 100 x 10
Boutput 10
Total
parameters
40
ARTIFI
CIAL
training
Hidden layer
Input layer
Output layer
1)Initialize weights
2)Forward pass
3)Calculate cost
4)Backward pass
5)Update weights
0.2
0.0
0.5
0.0
0.1
0.4
0.2
0.0
0.1
0.0
Output Ground Truth
0.0
0.0
1
0.0
0.0
0.0
0.0
0.0
0.0
0.0
Cost function =
C(output, truth)
41
ARTIFI
CIAL
Training: backpropagation
Hidden layer
Input layer
Output layer
Cost function =
C(output, truth)
∆Whidden→ output∆Winput→ hidden
42
ARTIFI
CIAL
Training: stochastic gradient descent
J(w)
w
Initial
Weight
Global minimum
43
ARTIFI
CIAL
Use Case: HandWritten Digits (MNIST)
45
Softmax Regression
iPython notebook:
https://github.com/mstfldmr/IntelAIWorkshop/blob/master/SoftmaxRegression.ipy
nb
INTELLIGE
NCE
ARTIFICI
AL
ARTIFI
CIAL 47
Convolutional Neural Networks (CNN)
Essentially neural networks that use convolution in place of general matrix
multiplication in at least one of their layers.
ARTIFI
CIAL
Convolution
48
ARTIFI
CIAL
Convolution
49
ARTIFI
CIAL
Convolution
50
ARTIFI
CIAL 51
Convolution Layer
ARTIFI
CIAL 52
Convolution Layer
ARTIFI
CIAL 53
Max Pooling
ARTIFI
CIAL 54
Simplification 1: Local Receptive Fields
ARTIFI
CIAL 55
Simplification 2: Shared Weights
ARTIFI
CIAL 56
CNN Pipeline
ARTIFI
CIAL 57
Example CNN Pipeline for Object Detection
ARTIFI
CIAL 58
Visualizing Neurons
ARTIFI
CIAL 59
Visualizing Neurons
ARTIFI
CIAL 60
Visualizing Neurons
ARTIFI
CIAL 61
ImageNet Large Scale Visual Recognition
Competition (ILSVRC)
• ~1M images
• 1K object categories in the training set
• Task: What is the object in the image?
• Classify the image into one of 1000 categories
• Evaluation
• Is one of the best 5 guesses is correct?
• Human performance is around 5.1% error.
ARTIFI
CIAL
Evolution of Depth
62
ARTIFI
CIAL
AlexNet (2012)
63
ARTIFI
CIAL
GoogleNet (2014)
64
ARTIFI
CIAL
ResNet (2015)
http://josephpcohen.com/w/visualizing-cnn-architectures-side-by-side-with-mxnet/
65
INTELLIGE
NCE
ARTIFICI
AL
ARTIFI
CIAL
AI is the fastest growing data center
workload
67
AI
40%
Classic Machine Learning Deep Learning
60%
2016 Servers
7%
97%
Intel Architecture (IA)
1%
IA+
GPU
2%
Other
91% 7%
Intel Architecture (IA)
2%
IA+
GPU
Other
ARTIFI
CIAL 68
Intel® Nervana™ AI academy
Hone Your Skills and Build the Future of AI
*
software.intel.com/ai/academy
Benefit from expert-led trainings, hands-on
workshops, exclusive remote access, and more.
Gain access to the latest libraries, frameworks,
tools and technologies from Intel to accelerate
your AI project.
Collaborate with industry luminaries,
developers, students, and Intel engineers.
ARTIFI
CIAL 69
libraries Intel® MKL MKL-DNN Intel®
MLSL
Intel® Deep
Learning SDKtools
Framew
orks
Intel®
DAAL
hardwar
e Memory &
Storage
NetworkingCompute
Intel
Dist
Mlib
BigDL
Intel® Nervana™ Graph*
intel AI portfolio
experie
nces
Movidius
MvTensor
Library
Associative
Memory Base
E2E Tool
Lake
Crest
Intel® Computer
Vision SDK
Visual
Intelligence
*Coming 2017
*
Movidius Neural
Compute Stick
ARTIFI
CIAL 78
Libraries, frameworks & tools
Intel® Math Kernel
Library
Intel® MLSL
Intel® Data
Analytics
Acceleration
Library
(DAAL)
Intel®
Distributio
n
Open
Source
Frameworks
Intel Deep
Learning SDK
Intel® Computer
Vision SDKIntel® MKL MKL-DNN
High
Level
Overview
Computation
primitives; high
performance math
primitives granting
low level of control
Computation
primitives; free
open source DNN
functions for high-
velocity integration
with deep learning
frameworks
Communication
primitives; building
blocks to scale deep
learning framework
performance over a
cluster
Broad data analytics
acceleration object
oriented library
supporting distributed
ML at the algorithm
level
Most popular and
fastest growing
language for
machine learning
Toolkits driven by
academia and
industry for training
machine learning
algorithms
Accelerate deep
learning model
design, training and
deployment
Toolkit to develop &
deploying vision-
oriented solutions
that harness the full
performance of Intel
CPUs and SOC
accelerators
Primary
Audience
Consumed by
developers of
higher level
libraries and
Applications
Consumed by
developers of the
next generation of
deep learning
frameworks
Deep learning
framework
developers and
optimizers
Wider Data Analytics
and ML audience,
Algorithm level
development for all
stages of data
analytics
Application
Developers and
Data Scientists
Machine Learning
App Developers,
Researchers and
Data Scientists.
Application
Developers and Data
Scientists
Developers who
create vision-oriented
solutions
Example
Usage
Framework
developers call
matrix
multiplication,
convolution
functions
New framework
with functions
developers call for
max CPU
performance
Framework
developer calls
functions to distribute
Caffe training
compute across an
Intel® Xeon Phi™
cluster
Call distributed
alternating least
squares algorithm for
a recommendation
system
Call scikit-learn
k-means function
for credit card
fraud detection
Script and train a
convolution neural
network for image
recognition
Deep Learning
training and model
creation, with
optimization for
deployment on
constrained end
device
Use deep learning to
do pedestrian
detection
…
Find out more at http://software.intel.com/ai
ARTIFI
CIAL 79
Intel distribution for python
Advancing Python Performance Closer to Native Speeds
software.intel.com/intel-distribution-for-python
Easy, Out-of-the-box
Access to High
Performance Python
 Prebuilt, optimized for numerical
computing, data analytics, HPC
 Drop in replacement for your
existing Python (no code changes
required)
Drive Performance with
Multiple Optimization
Techniques
 Accelerated NumPy/SciPy/Scikit-
Learn with Intel® MKL
 Data analytics with pyDAAL,
enhanced thread scheduling with
TBB, Jupyter* Notebook interface,
Numba, Cython
 Scale easily with optimized MPI4Py
and Jupyter notebooks
Faster Access to Latest
Optimizations for Intel
Architecture
 Distribution and individual optimized
packages available through conda
and Anaconda Cloud
 Optimizations upstreamed back to
main Python trunk
For developers using the most popular and fastest growing programming language for AI
ARTIFI
CIAL 80
Intel® MKL-DNN
Math Kernel Library for Deep Neural Networks
Distribution Details
 Open Source
 Apache 2.0 License
 Common DNN APIs across all Intel hardware.
 Rapid release cycles, iterated with the DL community, to
best support industry framework integration.
 Highly vectorized & threaded for maximal performance,
based on the popular Intel® MKL library.
For developers of deep learning frameworks featuring optimized performance on Intel hardware
github.com/01org/mkl-dnn
Direct 2D
Convolution
Rectified linear unit
neuron activation
(ReLU)
Maximum
pooling
Inner product
Local response
normalization
(LRN)
ARTIFI
CIAL 81
® Machine learning scaling library (M
Scaling Deep Learning to 32 Nodes and Beyond
Deep learning abstraction of message-
passing implementation
 Built on top of MPI; allows other communication
libraries to be used as well
 Optimized to drive scalability of communication
patterns
 Works across various interconnects: Intel®
Omni-Path Architecture, InfiniBand, and
Ethernet
 Common API to support Deep Learning
frameworks (Caffe, Theano, Torch etc.)
For maximum deep learning scale-out performance on Intel® architecture
FORWARD PROP
BACK PROP
L
A
Y
E
R
1
L
A
Y
E
R
2
L
A
Y
E
R
N
Allreduce
Alltoall
Allreduce
Allreduce
Reduce
Scatter
AllgatherAlltoall Allreduce
github.com/01org/MLSL/releases
ARTIFI
CIAL 82@IntelAI
BIGDL
Bringing Deep Learning to Big Data
github.com/intel-analytics/BigDL
 Open Sourced Deep Learning Library for Apache
Spark*
 Make Deep learning more Accessible to Big data
users and data scientists.
 Feature Parity with popular DL frameworks like Caffe, Torch,
Tensorflow etc.
 Easy Customer and Developer Experience
 Run Deep learning Applications as Standard Spark programs;
 Run on top of existing Spark/Hadoop clusters (No Cluster change)
 High Performance powered by Intel MKL and Multi-threaded
programming.
 Efficient Scale out leveraging Spark architecture. Spark Core
SQL SparkR
Stream-
ing
MLlib GraphX
ML Pipeline
DataFrame
BigD
L
For developers looking to run deep learning on Hadoop/Spark due to familiarity or analytics use
ARTIFI
CIAL 83
Intel® Deep Learning SDK
Accelerate Deep Learning Development
 FREE for data scientists and
software developers to develop,
train & deploy deep learning
 Simplify installationof Intel optimized
frameworks and libraries
 Increase productivitythrough simple
and highly-visual interface
 Enhance deploymentthrough model
compression and normalization
 Facilitate integrationwith full software
stack via inference engine
For developers looking to accelerate deep learning model design, training & deployment
software.intel.com/deep-learning-sdk
INTELLIGE
NCE
ARTIFICI
AL
ARTIFI
CIAL 85
Installing Intel Deep Learning Training Tool
Download the right version https://software.intel.com/en-us/deep-learning-training-tool
Or copy from USB sticks circulated in the room. USB Sticks have some Docker images to
speed up installation in the class. Normally, only the installer is enough.
ARTIFI
CIAL 86
Installing Intel Deep Learning Training Tool
Windows users:
Min. requirements: A Windows* 8/10 computer with at least 5GB of free storage and 8GB
memory. Enable Virtualization in the BIOS settings.
• Step 1: Install VirtualBox on your computer https://www.virtualbox.org
• Step 2: Get Ubuntu1604Server.ova file from Dropbox http://bit.ly/2rwU7kp or USB sticks
circulated in the room.
• Step 3: Import this appliance into Virtualbox.
• Step4: Run your virtual machine (user: demo, pass: intel).
• Step 5: Run `ifconfig` to learn your virtual machine’s IP address.
ARTIFI
CIAL 87
Installing Intel Deep Learning Training Tool
Linux users:
(First 3 steps are only for speeding up the installation in the class. Normally, installer
downloads Docker and these images from the Internet.)
• Step 1: Install Virtualbox following the steps in docker-install.txt.
• Step 2: Extract Linux-Mac.zip
• Step 3: Load Docker images by following the steps in docker-load.txt
• Step 4: Run the installer
ARTIFI
CIAL 88
Installing Intel Deep Learning Training Tool
MacOS users:
• Step 1: Install VirtualBox on your computer https://www.virtualbox.org
• Step 2: Extract Linux-Mac.zip
• Step 3: Load Docker images by following the steps in docker-load.txt
• Step 4: Run the installer
INTELLIGE
NCE
ARTIFICI
AL
ARTIFI
CIAL 90
https://software.intel.com/ai/academy
ARTIFI
CIAL 91
https://www.kaggle.com
ARTIFI
CIAL 92
İsmail Arı Bilgisayar Bilimleri ve Mühendisliği Bilimsel
Eğitim Etkinliği
31 Temmuz - 4 Ağustos 2017 Boğaziçi Üniversitesi, İstanbul
https://cmpe.boun.edu.tr/ismail/2017/index.html
Bozkırda Yapay Öğrenme Yaz Okulu 2017
21-24 Ağustos 2017, Beytepe, Ankara
https://byoyo2017.vision.cs.hacettepe.edu.tr/
INTELLIGE
NCE
ARTIFICIAL
Introduction to Deep Learning

More Related Content

What's hot

Deep Learning: a birds eye view
Deep Learning: a birds eye viewDeep Learning: a birds eye view
Deep Learning: a birds eye viewRoelof Pieters
 
Deep Learning and Reinforcement Learning
Deep Learning and Reinforcement LearningDeep Learning and Reinforcement Learning
Deep Learning and Reinforcement LearningRenārs Liepiņš
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep LearningJulien SIMON
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOleg Mygryn
 
Intro To Convolutional Neural Networks
Intro To Convolutional Neural NetworksIntro To Convolutional Neural Networks
Intro To Convolutional Neural NetworksMark Scully
 
Deep Learning - A Literature survey
Deep Learning - A Literature surveyDeep Learning - A Literature survey
Deep Learning - A Literature surveyAkshay Hegde
 
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerPoo Kuan Hoong
 
Deep Learning Hardware: Past, Present, & Future
Deep Learning Hardware: Past, Present, & FutureDeep Learning Hardware: Past, Present, & Future
Deep Learning Hardware: Past, Present, & FutureRouyun Pan
 
Deep Learning
Deep LearningDeep Learning
Deep LearningJun Wang
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep LearningDavid Rostcheck
 
AI&BigData Lab. Артем Чернодуб "Распознавание изображений методом Lazy Deep ...
AI&BigData Lab. Артем Чернодуб  "Распознавание изображений методом Lazy Deep ...AI&BigData Lab. Артем Чернодуб  "Распознавание изображений методом Lazy Deep ...
AI&BigData Lab. Артем Чернодуб "Распознавание изображений методом Lazy Deep ...GeeksLab Odessa
 
Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015
Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015
Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015Turi, Inc.
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning TutorialAmr Rashed
 
Machine Learning and Deep Learning with R
Machine Learning and Deep Learning with RMachine Learning and Deep Learning with R
Machine Learning and Deep Learning with RPoo Kuan Hoong
 
Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...
Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...
Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...Greg Makowski
 
HML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep LearningHML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep LearningYan Xu
 

What's hot (20)

Deep learning
Deep learningDeep learning
Deep learning
 
Deep Learning: a birds eye view
Deep Learning: a birds eye viewDeep Learning: a birds eye view
Deep Learning: a birds eye view
 
Deep Learning and Reinforcement Learning
Deep Learning and Reinforcement LearningDeep Learning and Reinforcement Learning
Deep Learning and Reinforcement Learning
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Intro To Convolutional Neural Networks
Intro To Convolutional Neural NetworksIntro To Convolutional Neural Networks
Intro To Convolutional Neural Networks
 
Deep Learning - A Literature survey
Deep Learning - A Literature surveyDeep Learning - A Literature survey
Deep Learning - A Literature survey
 
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
 
Deep Learning Hardware: Past, Present, & Future
Deep Learning Hardware: Past, Present, & FutureDeep Learning Hardware: Past, Present, & Future
Deep Learning Hardware: Past, Present, & Future
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
AI&BigData Lab. Артем Чернодуб "Распознавание изображений методом Lazy Deep ...
AI&BigData Lab. Артем Чернодуб  "Распознавание изображений методом Lazy Deep ...AI&BigData Lab. Артем Чернодуб  "Распознавание изображений методом Lazy Deep ...
AI&BigData Lab. Артем Чернодуб "Распознавание изображений методом Lazy Deep ...
 
Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015
Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015
Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning Tutorial
 
Machine Learning and Deep Learning with R
Machine Learning and Deep Learning with RMachine Learning and Deep Learning with R
Machine Learning and Deep Learning with R
 
Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...
Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...
Using Deep Learning to do Real-Time Scoring in Practical Applications - 2015-...
 
HML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep LearningHML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep Learning
 

Similar to Introduction to Deep Learning

Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakPyData
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural NetworksDatabricks
 
2017 07 03_meetup_d
2017 07 03_meetup_d2017 07 03_meetup_d
2017 07 03_meetup_dDana Brophy
 
2017 07 03_meetup_d
2017 07 03_meetup_d2017 07 03_meetup_d
2017 07 03_meetup_dDana Brophy
 
Week2- Deep Learning Intuition.pptx
Week2- Deep Learning Intuition.pptxWeek2- Deep Learning Intuition.pptx
Week2- Deep Learning Intuition.pptxfahmi324663
 
Oracle 10g Performance: chapter 00 intro live_short
Oracle 10g Performance: chapter 00 intro live_shortOracle 10g Performance: chapter 00 intro live_short
Oracle 10g Performance: chapter 00 intro live_shortKyle Hailey
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...Simplilearn
 
An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)Julien SIMON
 
Neural network image recognition
Neural network image recognitionNeural network image recognition
Neural network image recognitionOleksii Sekundant
 
(CMP305) Deep Learning on AWS Made EasyCmp305
(CMP305) Deep Learning on AWS Made EasyCmp305(CMP305) Deep Learning on AWS Made EasyCmp305
(CMP305) Deep Learning on AWS Made EasyCmp305Amazon Web Services
 
Android Malware 2020 (CCCS-CIC-AndMal-2020)
Android Malware 2020 (CCCS-CIC-AndMal-2020)Android Malware 2020 (CCCS-CIC-AndMal-2020)
Android Malware 2020 (CCCS-CIC-AndMal-2020)Indraneel Dabhade
 
An Incomplete Introduction to Artificial Intelligence
An Incomplete Introduction to Artificial IntelligenceAn Incomplete Introduction to Artificial Intelligence
An Incomplete Introduction to Artificial IntelligenceSteven Beeckman
 
Learning Predictive Modeling with TSA and Kaggle
Learning Predictive Modeling with TSA and KaggleLearning Predictive Modeling with TSA and Kaggle
Learning Predictive Modeling with TSA and KaggleYvonne K. Matos
 
[AI07] Revolutionizing Image Processing with Cognitive Toolkit
[AI07] Revolutionizing Image Processing with Cognitive Toolkit[AI07] Revolutionizing Image Processing with Cognitive Toolkit
[AI07] Revolutionizing Image Processing with Cognitive Toolkitde:code 2017
 
Introduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolutionIntroduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolutionDarian Frajberg
 
Using Deep Learning to do Real-Time Scoring in Practical Applications
Using Deep Learning to do Real-Time Scoring in Practical ApplicationsUsing Deep Learning to do Real-Time Scoring in Practical Applications
Using Deep Learning to do Real-Time Scoring in Practical ApplicationsGreg Makowski
 
Dov Nimratz, Roman Chobik "Embedded artificial intelligence"
Dov Nimratz, Roman Chobik "Embedded artificial intelligence"Dov Nimratz, Roman Chobik "Embedded artificial intelligence"
Dov Nimratz, Roman Chobik "Embedded artificial intelligence"Lviv Startup Club
 

Similar to Introduction to Deep Learning (20)

Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural Networks
 
2017 07 03_meetup_d
2017 07 03_meetup_d2017 07 03_meetup_d
2017 07 03_meetup_d
 
2017 07 03_meetup_d
2017 07 03_meetup_d2017 07 03_meetup_d
2017 07 03_meetup_d
 
Week2- Deep Learning Intuition.pptx
Week2- Deep Learning Intuition.pptxWeek2- Deep Learning Intuition.pptx
Week2- Deep Learning Intuition.pptx
 
Oracle 10g Performance: chapter 00 intro live_short
Oracle 10g Performance: chapter 00 intro live_shortOracle 10g Performance: chapter 00 intro live_short
Oracle 10g Performance: chapter 00 intro live_short
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
 
An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)
 
Neural network image recognition
Neural network image recognitionNeural network image recognition
Neural network image recognition
 
Making AI efficient
Making AI efficientMaking AI efficient
Making AI efficient
 
Novi sad ai event 3-2018
Novi sad ai event 3-2018Novi sad ai event 3-2018
Novi sad ai event 3-2018
 
(CMP305) Deep Learning on AWS Made EasyCmp305
(CMP305) Deep Learning on AWS Made EasyCmp305(CMP305) Deep Learning on AWS Made EasyCmp305
(CMP305) Deep Learning on AWS Made EasyCmp305
 
Android Malware 2020 (CCCS-CIC-AndMal-2020)
Android Malware 2020 (CCCS-CIC-AndMal-2020)Android Malware 2020 (CCCS-CIC-AndMal-2020)
Android Malware 2020 (CCCS-CIC-AndMal-2020)
 
An Incomplete Introduction to Artificial Intelligence
An Incomplete Introduction to Artificial IntelligenceAn Incomplete Introduction to Artificial Intelligence
An Incomplete Introduction to Artificial Intelligence
 
Learning Predictive Modeling with TSA and Kaggle
Learning Predictive Modeling with TSA and KaggleLearning Predictive Modeling with TSA and Kaggle
Learning Predictive Modeling with TSA and Kaggle
 
[AI07] Revolutionizing Image Processing with Cognitive Toolkit
[AI07] Revolutionizing Image Processing with Cognitive Toolkit[AI07] Revolutionizing Image Processing with Cognitive Toolkit
[AI07] Revolutionizing Image Processing with Cognitive Toolkit
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
Introduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolutionIntroduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolution
 
Using Deep Learning to do Real-Time Scoring in Practical Applications
Using Deep Learning to do Real-Time Scoring in Practical ApplicationsUsing Deep Learning to do Real-Time Scoring in Practical Applications
Using Deep Learning to do Real-Time Scoring in Practical Applications
 
Dov Nimratz, Roman Chobik "Embedded artificial intelligence"
Dov Nimratz, Roman Chobik "Embedded artificial intelligence"Dov Nimratz, Roman Chobik "Embedded artificial intelligence"
Dov Nimratz, Roman Chobik "Embedded artificial intelligence"
 

Recently uploaded

꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Callshivangimorya083
 
Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxolyaivanovalion
 
Edukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxEdukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxolyaivanovalion
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...amitlee9823
 
Data-Analysis for Chicago Crime Data 2023
Data-Analysis for Chicago Crime Data  2023Data-Analysis for Chicago Crime Data  2023
Data-Analysis for Chicago Crime Data 2023ymrp368
 
Determinants of health, dimensions of health, positive health and spectrum of...
Determinants of health, dimensions of health, positive health and spectrum of...Determinants of health, dimensions of health, positive health and spectrum of...
Determinants of health, dimensions of health, positive health and spectrum of...shambhavirathore45
 
CALL ON ➥8923113531 🔝Call Girls Chinhat Lucknow best sexual service Online
CALL ON ➥8923113531 🔝Call Girls Chinhat Lucknow best sexual service OnlineCALL ON ➥8923113531 🔝Call Girls Chinhat Lucknow best sexual service Online
CALL ON ➥8923113531 🔝Call Girls Chinhat Lucknow best sexual service Onlineanilsa9823
 
ALSO dropshipping via API with DroFx.pptx
ALSO dropshipping via API with DroFx.pptxALSO dropshipping via API with DroFx.pptx
ALSO dropshipping via API with DroFx.pptxolyaivanovalion
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Callshivangimorya083
 
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 nightCheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 nightDelhi Call girls
 
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Delhi Call girls
 
April 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's AnalysisApril 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's Analysismanisha194592
 
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% SecureCall me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% SecurePooja Nehwal
 
Capstone Project on IBM Data Analytics Program
Capstone Project on IBM Data Analytics ProgramCapstone Project on IBM Data Analytics Program
Capstone Project on IBM Data Analytics ProgramMoniSankarHazra
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptxAnupama Kate
 
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...amitlee9823
 

Recently uploaded (20)

꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
 
꧁❤ Aerocity Call Girls Service Aerocity Delhi ❤꧂ 9999965857 ☎️ Hard And Sexy ...
꧁❤ Aerocity Call Girls Service Aerocity Delhi ❤꧂ 9999965857 ☎️ Hard And Sexy ...꧁❤ Aerocity Call Girls Service Aerocity Delhi ❤꧂ 9999965857 ☎️ Hard And Sexy ...
꧁❤ Aerocity Call Girls Service Aerocity Delhi ❤꧂ 9999965857 ☎️ Hard And Sexy ...
 
Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptx
 
Edukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxEdukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFx
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
 
Data-Analysis for Chicago Crime Data 2023
Data-Analysis for Chicago Crime Data  2023Data-Analysis for Chicago Crime Data  2023
Data-Analysis for Chicago Crime Data 2023
 
Determinants of health, dimensions of health, positive health and spectrum of...
Determinants of health, dimensions of health, positive health and spectrum of...Determinants of health, dimensions of health, positive health and spectrum of...
Determinants of health, dimensions of health, positive health and spectrum of...
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
 
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
CALL ON ➥8923113531 🔝Call Girls Chinhat Lucknow best sexual service Online
CALL ON ➥8923113531 🔝Call Girls Chinhat Lucknow best sexual service OnlineCALL ON ➥8923113531 🔝Call Girls Chinhat Lucknow best sexual service Online
CALL ON ➥8923113531 🔝Call Girls Chinhat Lucknow best sexual service Online
 
ALSO dropshipping via API with DroFx.pptx
ALSO dropshipping via API with DroFx.pptxALSO dropshipping via API with DroFx.pptx
ALSO dropshipping via API with DroFx.pptx
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
 
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 nightCheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
Cheap Rate Call girls Sarita Vihar Delhi 9205541914 shot 1500 night
 
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
 
April 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's AnalysisApril 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's Analysis
 
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% SecureCall me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
 
Capstone Project on IBM Data Analytics Program
Capstone Project on IBM Data Analytics ProgramCapstone Project on IBM Data Analytics Program
Capstone Project on IBM Data Analytics Program
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx
 
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
 
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in Kishangarh
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in  KishangarhDelhi 99530 vip 56974 Genuine Escort Service Call Girls in  Kishangarh
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in Kishangarh
 

Introduction to Deep Learning

  • 1. Mustafa Aldemir, Intel Turkey INTELLIGE NCE ARTIFICIAL
  • 3. ARTIFI CIAL Deep learning: Examples Images Computer vision, Image classification, Traffic sign detection, Pedestrian detection, localization… Sound Speech recognition, Natual Language Processing, Translation, Content captioning, speaker identification Text Natual Language Processing, text classification; web search, spam, email filtering 3
  • 4. ARTIFI CIAL -> Label the image Person Motorcyclist Bike https://people.eecs.berkeley.edu/~jhoffman/talks/lsda-baylearn2014.pdf Classification 4
  • 5. ARTIFI CIAL Detection -> Detect and label https://people.eecs.berkeley.edu/~jhoffman/talks/lsda-baylearn2014.pdf 5
  • 10. ARTIFI CIAL 10@IntelAI Deep learning breakthroughs 0% 8% 15% 23% 30% Human 2010 Present Image recognition 0% 8% 15% 23% 30% 2000 Present Speech recognition Error Error Human 97% person 99% “play song” These and more are enabling new & improved applications
  • 13. ARTIFI CIAL 13 Will Nancy like Gravity? Let’s ask close friends Mary and John, who already watched it and rated between 1-5.
  • 14. ARTIFI CIAL Movie Mary’s Rating John’s Rating Does Nancy like? Lord of the Rings 2 1 5 No ... ... ... ... Star Wars 1 4.5 4 Yes Gravity 3 3 ? 14
  • 16. ARTIFI CIAL 16 A decision function can be as simple as weighted linear combination of friends: • Labels: “I like it” -> 1 “I don’t like it” -> 0 • Inputs: Mary’s rating, John’s rating
  • 17. ARTIFI CIAL 17 This function has a problem. Its values are unbounded. We want its output to be in the range of 0 and 1. Activation Function
  • 18. ARTIFI CIAL 18 Another Way of Representing The Model
  • 19. ARTIFI CIAL 19 We will use the past data to learn 𝜃, 𝑏 to approximate 𝑦. In particular, we want to obtain 𝜃, 𝑏 such that: Learn From Data
  • 25. ARTIFI CIAL 25 Gravity movie is slightly on the “don’t watch” side. With this data set, it seems like ”not watching it” makes more sense.
  • 26. ARTIFI CIAL 26 Nancy likes some of the movies both Mary and John rated poorly. How can I have a linear decision boundary separate these?
  • 28. ARTIFI CIAL 28 Movie Output by decision function h1 Output by decision function h2 Does Nancy like? Lord of the Rings 2 ℎ1(𝑥(1)) ℎ2(𝑥(1)) No ... ... ... ... Star Wars 1 ℎ1(𝑥(𝑛)) ℎ2(𝑥(𝑛)) Yes Gravity ℎ1(𝑥(𝑛+1) ) ℎ2(𝑥(𝑛+1) ) ?
  • 29. ARTIFI CIAL This is the Neural Network 29
  • 31. ARTIFI CIAL Deep learning: Basic structure Basic single neuron 31
  • 32. ARTIFI CIAL Deep learning: Basic structure 𝜑 𝜑 Activation function Basic single neuron single neuron with activation 32
  • 33. ARTIFI CIAL Deep learning: Basic structure Hidden layer Input layer Output layer 𝜑 𝜑 Activation function Basic single neuron single neuron with activation Basic structure with two hidden layers 33
  • 34. ARTIFI CIAL • Training / Testing percentage • Overfitting – Underfitting • Topology • Training Algorithms • Learning Rate • Batch Size KeyWords 34
  • 35. ARTIFI CIAL Classical Machine Learning vs Deep Learning  Random Forest  Support Vector Machines  Regression  Naïve Bayes  Hidden Markov  K-Means Clustering  Ensemble Methods  More… Classic ML Using optimized functions or algorithms to extract insights from data Training Data* Inference, Clustering, or Classification New Data* Deep learning Using massive labeled data sets to train deep (neural) graphs that can make inferences about new data Step 1: Training Use massive labeled dataset (e.g. 10M tagged images) to iteratively adjust weighting of neural network connections Step 2: Inference Form inference about new input data (e.g. a photo) using trained neural network Hours to Days in Cloud Ne w Dat a Untrained Trained Algorithms CNN, RNN, RBM.. *Note: not all classic machine learning functions require training Real-Time at Edge/Cloud
  • 39. ARTIFI CIAL Use Case: HandWritten Digits (MNIST) Hidden layerInput layer Output layer MNIST DATASET 28x28 Pixels = 28x28 pixels = 784 units = 100 units (variable) = 10 units (0 – 9) Winput → hidden 784 x 100 bhidden 100 Whidden → output 100 x 10 Boutput 10 Total parameters 40
  • 40. ARTIFI CIAL training Hidden layer Input layer Output layer 1)Initialize weights 2)Forward pass 3)Calculate cost 4)Backward pass 5)Update weights 0.2 0.0 0.5 0.0 0.1 0.4 0.2 0.0 0.1 0.0 Output Ground Truth 0.0 0.0 1 0.0 0.0 0.0 0.0 0.0 0.0 0.0 Cost function = C(output, truth) 41
  • 41. ARTIFI CIAL Training: backpropagation Hidden layer Input layer Output layer Cost function = C(output, truth) ∆Whidden→ output∆Winput→ hidden 42
  • 42. ARTIFI CIAL Training: stochastic gradient descent J(w) w Initial Weight Global minimum 43
  • 43. ARTIFI CIAL Use Case: HandWritten Digits (MNIST) 45 Softmax Regression iPython notebook: https://github.com/mstfldmr/IntelAIWorkshop/blob/master/SoftmaxRegression.ipy nb
  • 45. ARTIFI CIAL 47 Convolutional Neural Networks (CNN) Essentially neural networks that use convolution in place of general matrix multiplication in at least one of their layers.
  • 52. ARTIFI CIAL 54 Simplification 1: Local Receptive Fields
  • 55. ARTIFI CIAL 57 Example CNN Pipeline for Object Detection
  • 59. ARTIFI CIAL 61 ImageNet Large Scale Visual Recognition Competition (ILSVRC) • ~1M images • 1K object categories in the training set • Task: What is the object in the image? • Classify the image into one of 1000 categories • Evaluation • Is one of the best 5 guesses is correct? • Human performance is around 5.1% error.
  • 65. ARTIFI CIAL AI is the fastest growing data center workload 67 AI 40% Classic Machine Learning Deep Learning 60% 2016 Servers 7% 97% Intel Architecture (IA) 1% IA+ GPU 2% Other 91% 7% Intel Architecture (IA) 2% IA+ GPU Other
  • 66. ARTIFI CIAL 68 Intel® Nervana™ AI academy Hone Your Skills and Build the Future of AI * software.intel.com/ai/academy Benefit from expert-led trainings, hands-on workshops, exclusive remote access, and more. Gain access to the latest libraries, frameworks, tools and technologies from Intel to accelerate your AI project. Collaborate with industry luminaries, developers, students, and Intel engineers.
  • 67. ARTIFI CIAL 69 libraries Intel® MKL MKL-DNN Intel® MLSL Intel® Deep Learning SDKtools Framew orks Intel® DAAL hardwar e Memory & Storage NetworkingCompute Intel Dist Mlib BigDL Intel® Nervana™ Graph* intel AI portfolio experie nces Movidius MvTensor Library Associative Memory Base E2E Tool Lake Crest Intel® Computer Vision SDK Visual Intelligence *Coming 2017 * Movidius Neural Compute Stick
  • 68. ARTIFI CIAL 78 Libraries, frameworks & tools Intel® Math Kernel Library Intel® MLSL Intel® Data Analytics Acceleration Library (DAAL) Intel® Distributio n Open Source Frameworks Intel Deep Learning SDK Intel® Computer Vision SDKIntel® MKL MKL-DNN High Level Overview Computation primitives; high performance math primitives granting low level of control Computation primitives; free open source DNN functions for high- velocity integration with deep learning frameworks Communication primitives; building blocks to scale deep learning framework performance over a cluster Broad data analytics acceleration object oriented library supporting distributed ML at the algorithm level Most popular and fastest growing language for machine learning Toolkits driven by academia and industry for training machine learning algorithms Accelerate deep learning model design, training and deployment Toolkit to develop & deploying vision- oriented solutions that harness the full performance of Intel CPUs and SOC accelerators Primary Audience Consumed by developers of higher level libraries and Applications Consumed by developers of the next generation of deep learning frameworks Deep learning framework developers and optimizers Wider Data Analytics and ML audience, Algorithm level development for all stages of data analytics Application Developers and Data Scientists Machine Learning App Developers, Researchers and Data Scientists. Application Developers and Data Scientists Developers who create vision-oriented solutions Example Usage Framework developers call matrix multiplication, convolution functions New framework with functions developers call for max CPU performance Framework developer calls functions to distribute Caffe training compute across an Intel® Xeon Phi™ cluster Call distributed alternating least squares algorithm for a recommendation system Call scikit-learn k-means function for credit card fraud detection Script and train a convolution neural network for image recognition Deep Learning training and model creation, with optimization for deployment on constrained end device Use deep learning to do pedestrian detection … Find out more at http://software.intel.com/ai
  • 69. ARTIFI CIAL 79 Intel distribution for python Advancing Python Performance Closer to Native Speeds software.intel.com/intel-distribution-for-python Easy, Out-of-the-box Access to High Performance Python  Prebuilt, optimized for numerical computing, data analytics, HPC  Drop in replacement for your existing Python (no code changes required) Drive Performance with Multiple Optimization Techniques  Accelerated NumPy/SciPy/Scikit- Learn with Intel® MKL  Data analytics with pyDAAL, enhanced thread scheduling with TBB, Jupyter* Notebook interface, Numba, Cython  Scale easily with optimized MPI4Py and Jupyter notebooks Faster Access to Latest Optimizations for Intel Architecture  Distribution and individual optimized packages available through conda and Anaconda Cloud  Optimizations upstreamed back to main Python trunk For developers using the most popular and fastest growing programming language for AI
  • 70. ARTIFI CIAL 80 Intel® MKL-DNN Math Kernel Library for Deep Neural Networks Distribution Details  Open Source  Apache 2.0 License  Common DNN APIs across all Intel hardware.  Rapid release cycles, iterated with the DL community, to best support industry framework integration.  Highly vectorized & threaded for maximal performance, based on the popular Intel® MKL library. For developers of deep learning frameworks featuring optimized performance on Intel hardware github.com/01org/mkl-dnn Direct 2D Convolution Rectified linear unit neuron activation (ReLU) Maximum pooling Inner product Local response normalization (LRN)
  • 71. ARTIFI CIAL 81 ® Machine learning scaling library (M Scaling Deep Learning to 32 Nodes and Beyond Deep learning abstraction of message- passing implementation  Built on top of MPI; allows other communication libraries to be used as well  Optimized to drive scalability of communication patterns  Works across various interconnects: Intel® Omni-Path Architecture, InfiniBand, and Ethernet  Common API to support Deep Learning frameworks (Caffe, Theano, Torch etc.) For maximum deep learning scale-out performance on Intel® architecture FORWARD PROP BACK PROP L A Y E R 1 L A Y E R 2 L A Y E R N Allreduce Alltoall Allreduce Allreduce Reduce Scatter AllgatherAlltoall Allreduce github.com/01org/MLSL/releases
  • 72. ARTIFI CIAL 82@IntelAI BIGDL Bringing Deep Learning to Big Data github.com/intel-analytics/BigDL  Open Sourced Deep Learning Library for Apache Spark*  Make Deep learning more Accessible to Big data users and data scientists.  Feature Parity with popular DL frameworks like Caffe, Torch, Tensorflow etc.  Easy Customer and Developer Experience  Run Deep learning Applications as Standard Spark programs;  Run on top of existing Spark/Hadoop clusters (No Cluster change)  High Performance powered by Intel MKL and Multi-threaded programming.  Efficient Scale out leveraging Spark architecture. Spark Core SQL SparkR Stream- ing MLlib GraphX ML Pipeline DataFrame BigD L For developers looking to run deep learning on Hadoop/Spark due to familiarity or analytics use
  • 73. ARTIFI CIAL 83 Intel® Deep Learning SDK Accelerate Deep Learning Development  FREE for data scientists and software developers to develop, train & deploy deep learning  Simplify installationof Intel optimized frameworks and libraries  Increase productivitythrough simple and highly-visual interface  Enhance deploymentthrough model compression and normalization  Facilitate integrationwith full software stack via inference engine For developers looking to accelerate deep learning model design, training & deployment software.intel.com/deep-learning-sdk
  • 75. ARTIFI CIAL 85 Installing Intel Deep Learning Training Tool Download the right version https://software.intel.com/en-us/deep-learning-training-tool Or copy from USB sticks circulated in the room. USB Sticks have some Docker images to speed up installation in the class. Normally, only the installer is enough.
  • 76. ARTIFI CIAL 86 Installing Intel Deep Learning Training Tool Windows users: Min. requirements: A Windows* 8/10 computer with at least 5GB of free storage and 8GB memory. Enable Virtualization in the BIOS settings. • Step 1: Install VirtualBox on your computer https://www.virtualbox.org • Step 2: Get Ubuntu1604Server.ova file from Dropbox http://bit.ly/2rwU7kp or USB sticks circulated in the room. • Step 3: Import this appliance into Virtualbox. • Step4: Run your virtual machine (user: demo, pass: intel). • Step 5: Run `ifconfig` to learn your virtual machine’s IP address.
  • 77. ARTIFI CIAL 87 Installing Intel Deep Learning Training Tool Linux users: (First 3 steps are only for speeding up the installation in the class. Normally, installer downloads Docker and these images from the Internet.) • Step 1: Install Virtualbox following the steps in docker-install.txt. • Step 2: Extract Linux-Mac.zip • Step 3: Load Docker images by following the steps in docker-load.txt • Step 4: Run the installer
  • 78. ARTIFI CIAL 88 Installing Intel Deep Learning Training Tool MacOS users: • Step 1: Install VirtualBox on your computer https://www.virtualbox.org • Step 2: Extract Linux-Mac.zip • Step 3: Load Docker images by following the steps in docker-load.txt • Step 4: Run the installer
  • 82. ARTIFI CIAL 92 İsmail Arı Bilgisayar Bilimleri ve Mühendisliği Bilimsel Eğitim Etkinliği 31 Temmuz - 4 Ağustos 2017 Boğaziçi Üniversitesi, İstanbul https://cmpe.boun.edu.tr/ismail/2017/index.html Bozkırda Yapay Öğrenme Yaz Okulu 2017 21-24 Ağustos 2017, Beytepe, Ankara https://byoyo2017.vision.cs.hacettepe.edu.tr/