SlideShare a Scribd company logo
Deep Learning
Rouyun Pan
Outline
• Neural Networks

• Regression and Classification

• Deep Learning 

• Convolution neural network
2
The concept of learning 

in a ML system
• Learning = Improving with experience at some task

• Improve over task T,

• With respect to performance measure, P

• Based on experience, E.
Deep learning
CNN, RNN, LSTM ...
Machine learning
NN, SVM, DT ...
A.I.
3
Case:

Housing Price Prediction
4
Housing Price Prediction
5
Housing Price Prediction
6
Housing Price Prediction
Size
#the rooms
Zip code
View
family size
traffic
life quality
Predicted price
7
Basic neuron network
x1
Y'
x3
x4
x2
Input layer Hidden layer Output layer
8
Basic neuron network
x1
Y'
x3
x4
x2
Input layer Hidden layer Output layer
Many Weighted Sum
9
http://www.asimovinstitute.org/neural-network-zoo/
10
Learning Strategy
• Supervised learning

• Unsupervised learning

• Reinforcement learning
11
Supervised learning
• These're training data set and already know what correct
output.

• The regression problem: 

Predicting results within a continuous output

• The classification problem: 

Predicting results in a discrete output
12
Application
Input (X) Output (X) Application
House size Prices estate
AD types, User info. Click on AD Online Advertising
Image Object (1,…,1000) Photo tagging
Audio Text transcript Speech recognition
Model
standard
NN
CNN
RNN
English Chinese Machine translation
Image, Radar info Position of the cars Autonomous driving
Customized 

hybrid
13
Unsupervised learning
• The data have no target attribute.

• Analyze data, look for patterns and clustering
14
Reinforcement learning
• The agent take actions in an environment 

so as to maximize some notion of cumulative reward.
15
The workflow 

for Supervised learning
Feature 

Extraction
Train 

the model
Eval

the model
Feature 

Extraction Predict
Model
Label
Label
Model
Data
New data
• Training phase
• predicting phase
16
How to train a model
• Training data set.

• The layers and neurons

• Hypothesis / Activation function

• Cost / Loss Function 

• Optimization algorithm
17
Linear regression
18
Training dataset
19
How to choose parameters
*Choose so that is close to y for our training example (x, y)
20
Cost function
It's to quantify the gap between network outputs and actual values
mean squared error method
•
21
Cost function (conti.)
22
Calculate the cost
23
Calculate the cost
24
25
Calculate the cost
Cost function (conti.)
26
The plot for cost function
27
Find the best weights to
minimize the loss
800
- 0.12
28
Find the best weights to
minimize the loss
360
29
Find the best weights to
minimize the loss
100
0.12
30
Optimization algorithm
Gradient Descent:

A iterative optimization algorithm for finding the minimum of a function

•
* one epoch = one pass of all the training examples
31
Gradient Descent
>= 0
< 0
32
Learning rate
33
Learning rate
• ... , 0.001, 0.003, 0.01, 0.03, 0.1, 0.3. 1...
34
Local minimum
Local minimum
Global minimum
35
Local minimum
is local minimum
= 0
36
Momentum
Momentum
Movement
Movement = + Momentum
Negative of
Negative of
37
Mini-Batch optimization
• Mini-batch optimization has the following advantages.

• Reduce the memory usage.

• Avoid being trapped in the local minima with the random m
*Batch size = the number of training examples in one pass
Iterations = number of passes, each pass using [batch size] of examples
38
Back propagation (BP)
x1
predicted Y
x3
x4
x2
Input layer Hidden layer Output layer
Y ; Label
update ...
39
Feature scaling
40
Mean Normalization
• Make sure gradient descent is working properly
41
Make sure gradient descent
is working properly
•
•
42
Under/Overfitting
Overfitting - high varianceUnderfitting - high bias Sweet spot
Train error
Test error
Train error
Test error
43
Avoid Overfitting
• Reduce number of features 

• Add more training data.

• Regularization

• Dropout
44
Regularization
• Keep all the features, but reduce the magnitude of parameters.
45
Dropout
• Instead of using all neurons, "dropout" some randomly

(usually 0.5 probability)
46
Classification
•
•
•
47
Classification
48
Classification
49
Classification
50
Logistic Regression
Want
Sigmoid Function (Logistic Function)
•
51
Logistic Regression

Cost function
non- convex
52
Logistic Regression 

Cost function
53
Cost Function & Gradient Descent
• Cost function - Log loss (Cross-entropy) for sigmoid function
• Gradient Descent
54
DL Frameworks
https://en.wikipedia.org/wiki/Comparison_of_deep_learning_software
55
Deep learning (DL)
56
Why is DL Hot Now?
57
ImageNet Challenge
58
GPU Usage for ImageNet
59
Image Classification Task
60
Convolutional 

Neural Network (CNN)
61
CNN
*Fully connected neural network *Locally connected neural network
62
CNN
*Share the weight across hidden units
63
CNN
64
Convolution
65
Visualization of Modulation
Ref: Visualizing Higher-Layer Features of a Deep Network
66
Alexnet
• A large, deep convolutional neural network (8 layers) to classify in the
training set into the 1000 different classes. 

• On the test data, It achieved top-1 and top-5 error rates of 39.7% and
18.9%
Convolutional layers Fully-connected
CONV Layers: 5 

Fully Connected Layers: 3 

Weights: 61M 

MACs: 724M
67
Alexnet
• Trained the network with 2 GPUs on ImageNet data, which contained
over 1.2 million annotated images from a total of over 1000 categories.

• Used ReLU for the nonlinearity functions (Found to decrease training
time as ReLUs are several times faster than the conventional tanh
function).

• Used data augmentation techniques that consisted of image
translations, horizontal reflections, and patch extractions.

• Implemented dropout layers in order to combat the problem of
overfitting to the training data.

• Trained the model using batch stochastic gradient descent, with specific
values for momentum and weight decay.
68
GPU & Big data
• Trained on two GTX 580 GPUs for five to six days.
69
Data augmentation
• It consisted of image translations, horizontal reflections,
and patch extractions.
70
Rectified Linear Unit (Relu)
71
Relu function
• The nonlinearity functions that be found to decrease
training time as ReLUs are several times faster than the
conventional tanh function
Relu
tanh
72
Polling
• Reduce resolution of each channel independently

• Increase translation-invariance and noise-resilience
73
Local response
normalization (LRN)
• Tries to mimic the inhibition scheme in the brain
74
Dropout
• Avoid overfitting in FC layer.
75
Revolution of Depth
http://icml.cc/2016/tutorials/icml2016_tutorial_deep_residual_networks_kaiminghe.pdf
76
CNN comparison
77
Demo
• Tensorflow playground

http://playground.tensorflow.org/

• ConvNetJS CIFAR-10 demo

http://cs.stanford.edu/people/karpathy/convnetjs/demo/cifar10.html
Resource
• Deep learningon on Coursera, Andrew Ng, Stanford University

https://www.coursera.org/specializations/deep-learning

• Deep Learning on MOOC

https://www.udacity.com/course/deep-learning--ud730

• Machine Learning Foundations, HT Lin, National Taiwan University

https://www.coursera.org/learn/ntumlone-mathematicalfoundations/

• TensorFlow

https://www.tensorflow.org/

• cnn-benchmarks

https://github.com/jcjohnson/cnn-benchmarks

More Related Content

PPTX
Convolutional Neural Network (CNN)
PPTX
Convolutional Neural Networks
PPTX
Deep Learning - RNN and CNN
PPTX
CNN Tutorial
PPTX
Introduction to Convolutional Neural Networks
PPTX
Machine Learning - Convolutional Neural Network
PDF
Deep Learning - Convolutional Neural Networks
PDF
Convolutional Neural Networks (CNN)
Convolutional Neural Network (CNN)
Convolutional Neural Networks
Deep Learning - RNN and CNN
CNN Tutorial
Introduction to Convolutional Neural Networks
Machine Learning - Convolutional Neural Network
Deep Learning - Convolutional Neural Networks
Convolutional Neural Networks (CNN)

What's hot (20)

PPTX
CNN and its applications by ketaki
PPTX
Deep learning
PPTX
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
PPTX
Deep Learning in Computer Vision
PDF
Convolutional Neural Network Models - Deep Learning
PPTX
Image classification using cnn
PDF
ResNet basics (Deep Residual Network for Image Recognition)
PPT
PPTX
Deep Learning - CNN and RNN
PDF
PPTX
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
PPTX
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
PPTX
Feedforward neural network
PPTX
Convolutional neural network from VGG to DenseNet
PDF
Convolutional neural network
PPTX
Convolutional Neural Network and Its Applications
PDF
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PPT
Cnn method
PPTX
Image Classification using deep learning
PDF
Autoencoders
CNN and its applications by ketaki
Deep learning
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Deep Learning in Computer Vision
Convolutional Neural Network Models - Deep Learning
Image classification using cnn
ResNet basics (Deep Residual Network for Image Recognition)
Deep Learning - CNN and RNN
Transfer Learning and Fine Tuning for Cross Domain Image Classification with ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Feedforward neural network
Convolutional neural network from VGG to DenseNet
Convolutional neural network
Convolutional Neural Network and Its Applications
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
Cnn method
Image Classification using deep learning
Autoencoders
Ad

Similar to Deep learning (20)

PDF
Hardware Acceleration for Machine Learning
PPTX
An Introduction to Deep Learning
PPTX
Introduction to Deep Learning
PPTX
Artificial Intelligence, Machine Learning and Deep Learning
PDF
Main principles of Data Science and Machine Learning
PDF
Scaling Deep Learning with MXNet
PPTX
Tsinghua invited talk_zhou_xing_v2r0
PPTX
Deep learning with TensorFlow
PPTX
Introduction to Deep Learning and Tensorflow
PPTX
Deep learning
PDF
Introduction to Deep learning Models.pdf
PPTX
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...
PDF
Getting started with Machine Learning
PPTX
Introduction to Neural Netwoks
PPTX
Neural network basic and introduction of Deep learning
PPTX
B4UConference_machine learning_deeplearning
PPTX
Nimrita deep learning
PDF
Deep Learning: concepts and use cases (October 2018)
PPTX
Unit-5.pptx notes for artificial intelligence
PDF
Deep Learning & Tensor flow: An Intro
Hardware Acceleration for Machine Learning
An Introduction to Deep Learning
Introduction to Deep Learning
Artificial Intelligence, Machine Learning and Deep Learning
Main principles of Data Science and Machine Learning
Scaling Deep Learning with MXNet
Tsinghua invited talk_zhou_xing_v2r0
Deep learning with TensorFlow
Introduction to Deep Learning and Tensorflow
Deep learning
Introduction to Deep learning Models.pdf
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...
Getting started with Machine Learning
Introduction to Neural Netwoks
Neural network basic and introduction of Deep learning
B4UConference_machine learning_deeplearning
Nimrita deep learning
Deep Learning: concepts and use cases (October 2018)
Unit-5.pptx notes for artificial intelligence
Deep Learning & Tensor flow: An Intro
Ad

More from Rouyun Pan (20)

PDF
調色筆記
PDF
有點硬又不會太硬的DNN加速器
PDF
深度學習工作流程
PDF
Tensorflow lite for microcontroller
PDF
Google edge tpu
PDF
用Adobe Camera raw 進行膚色校正
PDF
給攝影師的古典藝術構圖
PDF
照片直方圖解析
PDF
Deep Learning Hardware: Past, Present, & Future
PDF
VR解密
PDF
「轉貼」移動互聯網行業盤點
PPTX
The overview of VR solutions
PDF
Render thead of hwui
PDF
Project Tango
PDF
[轉貼] 社群大數據 - 輿情觀測及分析應用
PDF
財報分析1
PPTX
WebRTC overview
PDF
Device tree
PPTX
Android 待機與操作耗電檢查
PPTX
Analyzing Display and Performance with Systrace
調色筆記
有點硬又不會太硬的DNN加速器
深度學習工作流程
Tensorflow lite for microcontroller
Google edge tpu
用Adobe Camera raw 進行膚色校正
給攝影師的古典藝術構圖
照片直方圖解析
Deep Learning Hardware: Past, Present, & Future
VR解密
「轉貼」移動互聯網行業盤點
The overview of VR solutions
Render thead of hwui
Project Tango
[轉貼] 社群大數據 - 輿情觀測及分析應用
財報分析1
WebRTC overview
Device tree
Android 待機與操作耗電檢查
Analyzing Display and Performance with Systrace

Recently uploaded (20)

PPTX
L1 - Introduction to python Backend.pptx
PDF
Raksha Bandhan Grocery Pricing Trends in India 2025.pdf
PDF
Navsoft: AI-Powered Business Solutions & Custom Software Development
PDF
medical staffing services at VALiNTRY
PDF
Adobe Illustrator 28.6 Crack My Vision of Vector Design
PPTX
Lecture 3: Operating Systems Introduction to Computer Hardware Systems
PPTX
Agentic AI Use Case- Contract Lifecycle Management (CLM).pptx
PDF
Audit Checklist Design Aligning with ISO, IATF, and Industry Standards — Omne...
PDF
Claude Code: Everyone is a 10x Developer - A Comprehensive AI-Powered CLI Tool
PPTX
ISO 45001 Occupational Health and Safety Management System
PDF
How to Choose the Right IT Partner for Your Business in Malaysia
PDF
Understanding Forklifts - TECH EHS Solution
PPTX
Oracle E-Business Suite: A Comprehensive Guide for Modern Enterprises
PDF
Internet Downloader Manager (IDM) Crack 6.42 Build 42 Updates Latest 2025
PPTX
Transform Your Business with a Software ERP System
PDF
Wondershare Filmora 15 Crack With Activation Key [2025
PDF
Softaken Excel to vCard Converter Software.pdf
PPTX
Operating system designcfffgfgggggggvggggggggg
PDF
Digital Strategies for Manufacturing Companies
PDF
AI in Product Development-omnex systems
L1 - Introduction to python Backend.pptx
Raksha Bandhan Grocery Pricing Trends in India 2025.pdf
Navsoft: AI-Powered Business Solutions & Custom Software Development
medical staffing services at VALiNTRY
Adobe Illustrator 28.6 Crack My Vision of Vector Design
Lecture 3: Operating Systems Introduction to Computer Hardware Systems
Agentic AI Use Case- Contract Lifecycle Management (CLM).pptx
Audit Checklist Design Aligning with ISO, IATF, and Industry Standards — Omne...
Claude Code: Everyone is a 10x Developer - A Comprehensive AI-Powered CLI Tool
ISO 45001 Occupational Health and Safety Management System
How to Choose the Right IT Partner for Your Business in Malaysia
Understanding Forklifts - TECH EHS Solution
Oracle E-Business Suite: A Comprehensive Guide for Modern Enterprises
Internet Downloader Manager (IDM) Crack 6.42 Build 42 Updates Latest 2025
Transform Your Business with a Software ERP System
Wondershare Filmora 15 Crack With Activation Key [2025
Softaken Excel to vCard Converter Software.pdf
Operating system designcfffgfgggggggvggggggggg
Digital Strategies for Manufacturing Companies
AI in Product Development-omnex systems

Deep learning