SlideShare a Scribd company logo
Neural Networks
1
Matt Gormley
Lecture 15
October 19, 2016
School of Computer Science
Readings:
Bishop Ch. 5
Murphy Ch. 16.5, Ch. 28
Mitchell Ch. 4
10-601B Introduction to Machine Learning
Reminders
2
Outline
• Logistic Regression (Recap)
• Neural Networks
• Backpropagation
3
RECALL: LOGISTIC REGRESSION
4
Using gradient ascent for linear
classifiers
Key idea behind today’s lecture:
1. Define a linear classifier (logistic regression)
2. Define an objective function (likelihood)
3. Optimize it with gradient descent to learn
parameters
4. Predict the class with highest probability under
the model
5
Using gradient ascent for linear
classifiers
6
Use a differentiable
function instead:
logistic(u) º
1
1+e-u
This decision function isn’t
differentiable:
sign(x)
Using gradient ascent for linear
classifiers
7
Use a differentiable
function instead:
logistic(u) º
1
1+e-u
This decision function isn’t
differentiable:
sign(x)
Logistic Regression
8
Learning: finds the parameters that minimize some
objective function.
Data: Inputs are continuous vectors of length K. Outputs
are discrete.
Prediction: Output is the most probable class.
Model: Logistic function applied to dot product of
parameters with input vector.
NEURAL NETWORKS
9
Learning highly non-linear functions
f: X  Y
 f might be non-linear function
 X (vector of) continuous and/or discrete vars
 Y (vector of) continuous and/or discrete vars
© Eric Xing @ CMU, 2006-2011 10
The XOR gate Speech recognition
Perceptron and Neural Nets
 From biological neuron to artificial neuron (perceptron)
 Activation function
 Artificial neuron networks
 supervised learning
 gradient descent
© Eric Xing @ CMU, 2006-2011 11
Soma Soma
Synapse
Synapse
Dendrites
Axon
Synapse
Dendrites
Axon
Threshold
Inputs
x1
x2
Output
Y

Hard
Limiter
w2
w1
Linear
Combiner




n
i
i
iw
x
X
1 











X
X
Y
if
,
if
,
1
1
Input Layer Output Layer
Middle Layer
I
n
p
u
t
S
i
g
n
a
l
s
O
u
t
p
u
t
S
i
g
n
a
l
s
Connectionist Models
 Consider humans:
 Neuron switching time
~ 0.001 second
 Number of neurons
~ 1010
 Connections per neuron
~ 104-5
 Scene recognition time
~ 0.1 second
 100 inference steps doesn't seem like enough
 much parallel computation
 Properties of artificial neural nets (ANN)
 Many neuron-like threshold switching units
 Many weighted interconnections among units
 Highly parallel, distributed processes
© Eric Xing @ CMU, 2006-2011 12
Why is everyone talking
about Deep Learning?
• Because a lot of money is invested in it…
– DeepMind: Acquired by Google for $400
million
– DNNResearch: Three person startup
(including Geoff Hinton) acquired by Google
for unknown price tag
– Enlitic, Ersatz, MetaMind, Nervana, Skylab:
Deep Learning startups commanding millions
of VC dollars
• Because it made the front page of the
New York Times
13
Motivation
Why is everyone talking
about Deep Learning?
Deep learning:
– Has won numerous pattern recognition
competitions
– Does so with minimal feature
engineering
14
Motivation
1960s
1980s
1990s
2006
2016
This wasn’t always the case!
Since 1980s: Form of models hasn’t changed much,
but lots of new tricks…
– More hidden units
– Better (online) optimization
– New nonlinear functions (ReLUs)
– Faster computers (CPUs and GPUs)
A Recipe for
Machine Learning
1. Given training data:
15
Background
2. Choose each of these:
– Decision function
– Loss function
Face Face Not a face
Examples: Linear regression,
Logistic regression, Neural Network
Examples: Mean-squared error,
Cross Entropy
A Recipe for
Machine Learning
1. Given training data: 3. Define goal:
16
Background
2. Choose each of these:
– Decision function
– Loss function
4. Train with SGD:
(take small steps
opposite the gradient)
A Recipe for
Machine Learning
1. Given training data: 3. Define goal:
17
Background
2. Choose each of these:
– Decision function
– Loss function
4. Train with SGD:
(take small steps
opposite the gradient)
Gradients
Backpropagation can compute this
gradient!
And it’s a special case of a more
general algorithm called reverse-
mode automatic differentiation that
can compute the gradient of any
differentiable function efficiently!
A Recipe for
Machine Learning
1. Given training data: 3. Define goal:
18
Background
2. Choose each of these:
– Decision function
– Loss function
4. Train with SGD:
(take small steps
opposite the gradient)
Goals for Today’s Lecture
1. Explore a new class of decision functions
(Neural Networks)
2. Consider variants of this recipe for training
Linear Regression
19
Decision
Functions
…
Output
Input
θ1
θ2 θ3 θM
Logistic Regression
20
Decision
Functions
…
Output
Input
θ1
θ2 θ3 θM
Logistic Regression
21
Decision
Functions
…
Output
Input
θ1
θ2 θ3 θM
Face Face Not a face
Logistic Regression
22
Decision
Functions
…
Output
Input
θ1
θ2 θ3 θM
1 1 0
x1
x2
y
Logistic Regression
23
Decision
Functions
…
Output
Input
θ1
θ2 θ3 θM
Inputs
Weights
Output
Independent
variables
Dependent
variable
Prediction
Age 34
2
Gender
Stage 4
.6
.5
.8
.2
.1
.3
.7
.2
Weights
HiddenL
ayer
“Probability of
beingAlive”
0.6
S
S
.4
.2
S
Neural Network Model
© Eric Xing @ CMU, 2006-2011 24
Inputs
Weights
Output
Independent
variables
Dependent
variable
Prediction
Age 34
2
Gender
Stage 4
.6
.5
.8
.1
.7
Weights
HiddenL
ayer
“Probability of
beingAlive”
0.6
S
“Combined logistic models”
© Eric Xing @ CMU, 2006-2011 25
Inputs
Weights
Output
Independent
variables
Dependent
variable
Prediction
Age 34
2
Gender
Stage 4
.5
.8
.2
.3
.2
Weights
HiddenL
ayer
“Probability of
beingAlive”
0.6
S
© Eric Xing @ CMU, 2006-2011 26
© Eric Xing @ CMU, 2006-2011 27
Inputs
Weights
Output
Independent
variables
Dependent
variable
Prediction
Age 34
1
Gender
Stage 4
.6
.5
.8
.2
.1
.3
.7
.2
Weights
HiddenL
ayer
“Probability of
beingAlive”
0.6
S
Weights
Independent
variables
Dependent
variable
Prediction
Age 34
2
Gender
Stage 4
.6
.5
.8
.2
.1
.3
.7
.2
Weights
HiddenL
ayer
“Probability of
beingAlive”
0.6
S
S
.4
.2
S
Not really,
no target for hidden units...
© Eric Xing @ CMU, 2006-2011 28
Jargon Pseudo-Correspondence
 Independent variable = input variable
 Dependent variable = output variable
 Coefficients = “weights”
 Estimates = “targets”
Logistic Regression Model (the sigmoid unit)
© Eric Xing @ CMU, 2006-2011 29
Inputs Output
Age 34
1
Gende
r
Stage 4
“Probability of
beingAlive”
5
8
4
0.6
S
Coefficients
a, b, c
Independent variables
x1, x2, x3
Dependent variable
p Prediction
Neural Network
30
Decision
Functions
…
…
Output
Input
Hidden Layer
Neural Network
31
Decision
Functions
…
…
Output
Input
Hidden Layer
Building a Neural Net
…
Output
Features
32
Building a Neural Net
…
…
Output
Input
Hidden Layer
D = M
33
1 1 1
Building a Neural Net
…
…
Output
Input
Hidden Layer
D = M
34
Building a Neural Net
…
…
Output
Input
Hidden Layer
D = M
35
Building a Neural Net
…
…
Output
Input
Hidden Layer
D < M
36
Decision Boundary
• 0 hidden layers: linear classifier
– Hyperplanes
y
1
x 2
x
Example from to Eric Postma via Jason Eisner 37
Decision Boundary
• 1 hidden layer
– Boundary of convex region (open or closed)
y
1
x 2
x
Example from to Eric Postma via Jason Eisner 38
Decision Boundary
• 2 hidden layers
– Combinations of convex regions
Example from to Eric Postma via Jason Eisner
y
1
x 2
x
39
Multi-Class Output
40
Decision
Functions
…
…
Output
Input
Hidden Layer
…
Deeper Networks
Next lecture:
41
Decision
Functions
…
…
Output
Input
Hidden Layer 1
Deeper Networks
Next lecture:
42
Decision
Functions
…
…
Input
Hidden Layer 1
…
Output
Hidden Layer 2
Deeper Networks
Next lecture:
Making the
neural
networks
deeper
43
Decision
Functions
…
…
Input
Hidden Layer 1
…
Hidden Layer 2
…
Output
Hidden Layer 3
Different Levels of
Abstraction
• We don’t know
the “right”
levels of
abstraction
• So let the model
figure it out!
44
Decision
Functions
Example from Honglak Lee (NIPS 2010)
Different Levels of
Abstraction
Face Recognition:
– Deep Network
can build up
increasingly
higher levels of
abstraction
– Lines, parts,
regions
45
Decision
Functions
Example from Honglak Lee (NIPS 2010)
Different Levels of
Abstraction
46
Decision
Functions
Example from Honglak Lee (NIPS 2010)
…
…
Input
Hidden Layer 1
…
Hidden Layer 2
…
Output
Hidden Layer 3
ARCHITECTURES
47
Neural Network Architectures
Even for a basic Neural Network, there are
many design decisions to make:
1. # of hidden layers (depth)
2. # of units per hidden layer (width)
3. Type of activation function (nonlinearity)
4. Form of objective function
48
Activation Functions
49
…
…
Output
Input
Hidden Layer
Neural Network with sigmoid
activation functions
Activation Functions
50
…
…
Output
Input
Hidden Layer
Neural Network with arbitrary
nonlinear activation functions
Activation Functions
So far, we’ve
assumed that the
activation function
(nonlinearity) is
always the sigmoid
function…
51
Sigmoid / Logistic Function
logistic(u) º
1
1+e-u
Activation Functions
• A new change: modifying the nonlinearity
– The logistic is not widely used in modern ANNs
Alternate 1:
tanh
Like logistic function but
shifted to range [-1, +1]
Slide from William Cohen
AI Stats 2010
sigmoid
vs.
tanh
depth 4?
Figure from Glorot & Bentio (2010)
Activation Functions
• A new change: modifying the nonlinearity
– reLU often used in vision tasks
Alternate 2: rectified linear unit
Linear with a cutoff at zero
(Implementation: clip the gradient
when you pass zero)
Slide from William Cohen
Activation Functions
• A new change: modifying the nonlinearity
– reLU often used in vision tasks
Alternate 2: rectified linear unit
Soft version: log(exp(x)+1)
Doesn’t saturate (at one end)
Sparsifies outputs
Helps with vanishing gradient
Slide from William Cohen
Objective Functions for NNs
• Regression:
– Use the same objective as Linear Regression
– Quadratic loss (i.e. mean squared error)
• Classification:
– Use the same objective as Logistic Regression
– Cross-entropy (i.e. negative log likelihood)
– This requires probabilities, so we add an additional
“softmax” layer at the end of our network
56
Multi-Class Output
57
…
…
Output
Input
Hidden Layer
…
Multi-Class Output
58
…
…
Output
Input
Hidden Layer
…
Softmax:
Cross-entropy vs. Quadratic loss
Figure from Glorot & Bentio (2010)
A Recipe for
Machine Learning
1. Given training data: 3. Define goal:
60
Background
2. Choose each of these:
– Decision function
– Loss function
4. Train with SGD:
(take small steps
opposite the gradient)
Objective Functions
Matching Quiz: Suppose you are given a neural net with a
single output, y, and one hidden layer.
61
1) Minimizing sum of squared
errors…
2) Minimizing sum of squared
errors plus squared Euclidean
norm of weights…
3) Minimizing cross-entropy…
4) Minimizing hinge loss…
5) …MLE estimates of weights assuming
target follows a Bernoulli with
parameter given by the output value
6) …MAP estimates of weights
assuming weight priors are zero mean
Gaussian
7) …estimates with a large margin on
the training data
8) …MLE estimates of weights assuming
zero mean Gaussian noise on the output
value
…gives…
A. 1=5, 2=7, 3=6, 4=8
B. 1=5, 2=7, 3=8, 4=6
C. 1=7, 2=5, 3=5, 4=7
E. 1=8, 2=6, 3=5, 4=7
F. 1=8, 2=6, 3=8, 4=6
BACKPROPAGATION
62
A Recipe for
Machine Learning
1. Given training data: 3. Define goal:
63
Background
2. Choose each of these:
– Decision function
– Loss function
4. Train with SGD:
(take small steps
opposite the gradient)
Backpropagation
• Question 1:
When can we compute the gradients of the
parameters of an arbitrary neural network?
• Question 2:
When can we make the gradient
computation efficient?
64
Training
Chain Rule
65
Training
Chain Rule:
Given:
…
Chain Rule
66
Training
Chain Rule:
Given:
…
Backpropagation
is just repeated
application of the
chain rule from
Calculus 101.
Chain Rule
67
Training
Chain Rule:
Given:
…
Backpropagation:
1. Instantiate the computation as a directed acyclic graph, where each
intermediate quantity is a node
2. At each node, store (a) the quantity computed in the forward pass
and (b) the partial derivative of the goal with respect to that node’s
intermediate quantity.
3. Initialize all partial derivatives to 0.
4. Visit each node in reverse topological order. At each node, add its
contribution to the partial derivatives of its parents
This algorithm is also called automatic differentiation in the reverse-
Backpropagation
68
Training
Backpropagation
69
Training
Backpropagation
70
Training
…
Output
Input
θ1
θ2 θ3 θM
Case 1:
Logistic
Regression
Backpropagation
71
Training
…
…
Output
Input
Hidden Layer
Backpropagation
72
Training
…
…
Output
Input
Hidden Layer
Backpropagation
73
Training
Case 2:
Neural
Network
…
…
Chain Rule
74
Training
Chain Rule:
Given:
…
Backpropagation:
1. Instantiate the computation as a directed acyclic graph, where each
intermediate quantity is a node
2. At each node, store (a) the quantity computed in the forward pass
and (b) the partial derivative of the goal with respect to that node’s
intermediate quantity.
3. Initialize all partial derivatives to 0.
4. Visit each node in reverse topological order. At each node, add its
contribution to the partial derivatives of its parents
This algorithm is also called automatic differentiation in the reverse-
Chain Rule
75
Training
Chain Rule:
Given:
…
Backpropagation:
1. Instantiate the computation as a directed acyclic graph, where each
node represents a Tensor.
2. At each node, store (a) the quantity computed in the forward pass
and (b) the partial derivatives of the goal with respect to that node’s
Tensor.
3. Initialize all partial derivatives to 0.
4. Visit each node in reverse topological order. At each node, add its
contribution to the partial derivatives of its parents
This algorithm is also called automatic differentiation in the reverse-
Case 2:
Neural
Network
…
…
Module 1
Module 2
Module 3
Module 4
Module 5
Backpropagation
76
Training
A Recipe for
Machine Learning
1. Given training data: 3. Define goal:
77
Background
2. Choose each of these:
– Decision function
– Loss function
4. Train with SGD:
(take small steps
opposite the gradient)
Gradients
Backpropagation can compute this
gradient!
And it’s a special case of a more
general algorithm called reverse-
mode automatic differentiation that
can compute the gradient of any
differentiable function efficiently!
Summary
1. Neural Networks…
– provide a way of learning features
– are highly nonlinear prediction functions
– (can be) a highly parallel network of logistic
regression classifiers
– discover useful hidden representations of the
input
2. Backpropagation…
– provides an efficient way to compute gradients
– is a special case of reverse-mode automatic
differentiation
78

More Related Content

Similar to lecture15-neural-nets (2).pptx

Machine Learning Crash Course by Sebastian Raschka
Machine Learning Crash Course by Sebastian RaschkaMachine Learning Crash Course by Sebastian Raschka
Machine Learning Crash Course by Sebastian Raschka
PawanJayarathna1
 
Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis Introduction
Te-Yen Liu
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
Deepu S Nath
 
How machines can take decisions
How machines can take decisionsHow machines can take decisions
How machines can take decisions
Deepu S Nath
 
230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx
Arthur240715
 
Obscenity Detection in Images
Obscenity Detection in ImagesObscenity Detection in Images
Obscenity Detection in Images
Anil Kumar Gupta
 
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
PyData
 
ProjectReport
ProjectReportProjectReport
ProjectReport
Pritish Yuvraj
 
Tackling Open Images Challenge (2019)
Tackling Open Images Challenge (2019)Tackling Open Images Challenge (2019)
Tackling Open Images Challenge (2019)
Hiroto Honda
 
AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...
AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...
AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...
AILABS Academy
 
Network Metrics and Measurements in the Era of the Digital Economies
Network Metrics and Measurements in the Era of the Digital EconomiesNetwork Metrics and Measurements in the Era of the Digital Economies
Network Metrics and Measurements in the Era of the Digital Economies
Pavel Loskot
 
Artificial Neural Networks presentations
Artificial Neural Networks presentationsArtificial Neural Networks presentations
Artificial Neural Networks presentations
migob991
 
(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
Amazon Web Services
 
ExplainableAI.pptx
ExplainableAI.pptxExplainableAI.pptx
ExplainableAI.pptx
Andrea Morichetta
 
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
Edge AI and Vision Alliance
 
Visualization of Deep Learning
Visualization of Deep LearningVisualization of Deep Learning
Visualization of Deep Learning
YaminiAlapati1
 
Practical ML
Practical MLPractical ML
Practical ML
Antonio Pitasi
 
Modern recommender system in large content website
Modern recommender system in large content websiteModern recommender system in large content website
Modern recommender system in large content website
Cyrus Chien-Ching Chiu
 
Multilayer Perceptron (DLAI D1L2 2017 UPC Deep Learning for Artificial Intell...
Multilayer Perceptron (DLAI D1L2 2017 UPC Deep Learning for Artificial Intell...Multilayer Perceptron (DLAI D1L2 2017 UPC Deep Learning for Artificial Intell...
Multilayer Perceptron (DLAI D1L2 2017 UPC Deep Learning for Artificial Intell...
Universitat Politècnica de Catalunya
 
It Does What You Say, Not What You Mean: Lessons From A Decade of Program Repair
It Does What You Say, Not What You Mean: Lessons From A Decade of Program RepairIt Does What You Say, Not What You Mean: Lessons From A Decade of Program Repair
It Does What You Say, Not What You Mean: Lessons From A Decade of Program Repair
Claire Le Goues
 

Similar to lecture15-neural-nets (2).pptx (20)

Machine Learning Crash Course by Sebastian Raschka
Machine Learning Crash Course by Sebastian RaschkaMachine Learning Crash Course by Sebastian Raschka
Machine Learning Crash Course by Sebastian Raschka
 
Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis Introduction
 
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
 
230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx
 
Obscenity Detection in Images
Obscenity Detection in ImagesObscenity Detection in Images
Obscenity Detection in Images
 
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
 
ProjectReport
ProjectReportProjectReport
ProjectReport
 
Tackling Open Images Challenge (2019)
Tackling Open Images Challenge (2019)Tackling Open Images Challenge (2019)
Tackling Open Images Challenge (2019)
 
AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...
AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...
AILABS Lecture Series - Is AI The New Electricity. Topic - Deep Learning - Ev...
 
Network Metrics and Measurements in the Era of the Digital Economies
Network Metrics and Measurements in the Era of the Digital EconomiesNetwork Metrics and Measurements in the Era of the Digital Economies
Network Metrics and Measurements in the Era of the Digital Economies
 
Artificial Neural Networks presentations
Artificial Neural Networks presentationsArtificial Neural Networks presentations
Artificial Neural Networks presentations
 
(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
 
ExplainableAI.pptx
ExplainableAI.pptxExplainableAI.pptx
ExplainableAI.pptx
 
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
 
Visualization of Deep Learning
Visualization of Deep LearningVisualization of Deep Learning
Visualization of Deep Learning
 
Practical ML
Practical MLPractical ML
Practical ML
 
Modern recommender system in large content website
Modern recommender system in large content websiteModern recommender system in large content website
Modern recommender system in large content website
 
Multilayer Perceptron (DLAI D1L2 2017 UPC Deep Learning for Artificial Intell...
Multilayer Perceptron (DLAI D1L2 2017 UPC Deep Learning for Artificial Intell...Multilayer Perceptron (DLAI D1L2 2017 UPC Deep Learning for Artificial Intell...
Multilayer Perceptron (DLAI D1L2 2017 UPC Deep Learning for Artificial Intell...
 
It Does What You Say, Not What You Mean: Lessons From A Decade of Program Repair
It Does What You Say, Not What You Mean: Lessons From A Decade of Program RepairIt Does What You Say, Not What You Mean: Lessons From A Decade of Program Repair
It Does What You Say, Not What You Mean: Lessons From A Decade of Program Repair
 

Recently uploaded

Palo Alto Cortex XDR presentation .......
Palo Alto Cortex XDR presentation .......Palo Alto Cortex XDR presentation .......
Palo Alto Cortex XDR presentation .......
Sachin Paul
 
一比一原版多伦多大学毕业证(UofT毕业证书)学历如何办理
一比一原版多伦多大学毕业证(UofT毕业证书)学历如何办理一比一原版多伦多大学毕业证(UofT毕业证书)学历如何办理
一比一原版多伦多大学毕业证(UofT毕业证书)学历如何办理
eoxhsaa
 
一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理
一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理
一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理
z6osjkqvd
 
一比一原版南十字星大学毕业证(SCU毕业证书)学历如何办理
一比一原版南十字星大学毕业证(SCU毕业证书)学历如何办理一比一原版南十字星大学毕业证(SCU毕业证书)学历如何办理
一比一原版南十字星大学毕业证(SCU毕业证书)学历如何办理
slg6lamcq
 
Cell The Unit of Life for NEET Multiple Choice Questions.docx
Cell The Unit of Life for NEET Multiple Choice Questions.docxCell The Unit of Life for NEET Multiple Choice Questions.docx
Cell The Unit of Life for NEET Multiple Choice Questions.docx
vasanthatpuram
 
一比一原版(Unimelb毕业证书)墨尔本大学毕业证如何办理
一比一原版(Unimelb毕业证书)墨尔本大学毕业证如何办理一比一原版(Unimelb毕业证书)墨尔本大学毕业证如何办理
一比一原版(Unimelb毕业证书)墨尔本大学毕业证如何办理
xclpvhuk
 
一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理
一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理
一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理
ywqeos
 
一比一原版南昆士兰大学毕业证如何办理
一比一原版南昆士兰大学毕业证如何办理一比一原版南昆士兰大学毕业证如何办理
一比一原版南昆士兰大学毕业证如何办理
ugydym
 
Build applications with generative AI on Google Cloud
Build applications with generative AI on Google CloudBuild applications with generative AI on Google Cloud
Build applications with generative AI on Google Cloud
Márton Kodok
 
REUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptx
REUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptxREUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptx
REUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptx
KiriakiENikolaidou
 
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
asyed10
 
一比一原版莱斯大学毕业证(rice毕业证)如何办理
一比一原版莱斯大学毕业证(rice毕业证)如何办理一比一原版莱斯大学毕业证(rice毕业证)如何办理
一比一原版莱斯大学毕业证(rice毕业证)如何办理
zsafxbf
 
社内勉強会資料_Hallucination of LLMs               .
社内勉強会資料_Hallucination of LLMs               .社内勉強会資料_Hallucination of LLMs               .
社内勉強会資料_Hallucination of LLMs               .
NABLAS株式会社
 
Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...
Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...
Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...
Aggregage
 
一比一原版澳洲西澳大学毕业证(uwa毕业证书)如何办理
一比一原版澳洲西澳大学毕业证(uwa毕业证书)如何办理一比一原版澳洲西澳大学毕业证(uwa毕业证书)如何办理
一比一原版澳洲西澳大学毕业证(uwa毕业证书)如何办理
aguty
 
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docxDATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
SaffaIbrahim1
 
[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024
[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024
[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024
Vietnam Cotton & Spinning Association
 
原版一比一爱尔兰都柏林大学毕业证(UCD毕业证书)如何办理
原版一比一爱尔兰都柏林大学毕业证(UCD毕业证书)如何办理 原版一比一爱尔兰都柏林大学毕业证(UCD毕业证书)如何办理
原版一比一爱尔兰都柏林大学毕业证(UCD毕业证书)如何办理
tzu5xla
 
Drownings spike from May to August in children
Drownings spike from May to August in childrenDrownings spike from May to August in children
Drownings spike from May to August in children
Bisnar Chase Personal Injury Attorneys
 
一比一原版英国赫特福德大学毕业证(hertfordshire毕业证书)如何办理
一比一原版英国赫特福德大学毕业证(hertfordshire毕业证书)如何办理一比一原版英国赫特福德大学毕业证(hertfordshire毕业证书)如何办理
一比一原版英国赫特福德大学毕业证(hertfordshire毕业证书)如何办理
nyvan3
 

Recently uploaded (20)

Palo Alto Cortex XDR presentation .......
Palo Alto Cortex XDR presentation .......Palo Alto Cortex XDR presentation .......
Palo Alto Cortex XDR presentation .......
 
一比一原版多伦多大学毕业证(UofT毕业证书)学历如何办理
一比一原版多伦多大学毕业证(UofT毕业证书)学历如何办理一比一原版多伦多大学毕业证(UofT毕业证书)学历如何办理
一比一原版多伦多大学毕业证(UofT毕业证书)学历如何办理
 
一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理
一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理
一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理
 
一比一原版南十字星大学毕业证(SCU毕业证书)学历如何办理
一比一原版南十字星大学毕业证(SCU毕业证书)学历如何办理一比一原版南十字星大学毕业证(SCU毕业证书)学历如何办理
一比一原版南十字星大学毕业证(SCU毕业证书)学历如何办理
 
Cell The Unit of Life for NEET Multiple Choice Questions.docx
Cell The Unit of Life for NEET Multiple Choice Questions.docxCell The Unit of Life for NEET Multiple Choice Questions.docx
Cell The Unit of Life for NEET Multiple Choice Questions.docx
 
一比一原版(Unimelb毕业证书)墨尔本大学毕业证如何办理
一比一原版(Unimelb毕业证书)墨尔本大学毕业证如何办理一比一原版(Unimelb毕业证书)墨尔本大学毕业证如何办理
一比一原版(Unimelb毕业证书)墨尔本大学毕业证如何办理
 
一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理
一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理
一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理
 
一比一原版南昆士兰大学毕业证如何办理
一比一原版南昆士兰大学毕业证如何办理一比一原版南昆士兰大学毕业证如何办理
一比一原版南昆士兰大学毕业证如何办理
 
Build applications with generative AI on Google Cloud
Build applications with generative AI on Google CloudBuild applications with generative AI on Google Cloud
Build applications with generative AI on Google Cloud
 
REUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptx
REUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptxREUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptx
REUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptx
 
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
 
一比一原版莱斯大学毕业证(rice毕业证)如何办理
一比一原版莱斯大学毕业证(rice毕业证)如何办理一比一原版莱斯大学毕业证(rice毕业证)如何办理
一比一原版莱斯大学毕业证(rice毕业证)如何办理
 
社内勉強会資料_Hallucination of LLMs               .
社内勉強会資料_Hallucination of LLMs               .社内勉強会資料_Hallucination of LLMs               .
社内勉強会資料_Hallucination of LLMs               .
 
Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...
Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...
Beyond the Basics of A/B Tests: Highly Innovative Experimentation Tactics You...
 
一比一原版澳洲西澳大学毕业证(uwa毕业证书)如何办理
一比一原版澳洲西澳大学毕业证(uwa毕业证书)如何办理一比一原版澳洲西澳大学毕业证(uwa毕业证书)如何办理
一比一原版澳洲西澳大学毕业证(uwa毕业证书)如何办理
 
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docxDATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
 
[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024
[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024
[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024
 
原版一比一爱尔兰都柏林大学毕业证(UCD毕业证书)如何办理
原版一比一爱尔兰都柏林大学毕业证(UCD毕业证书)如何办理 原版一比一爱尔兰都柏林大学毕业证(UCD毕业证书)如何办理
原版一比一爱尔兰都柏林大学毕业证(UCD毕业证书)如何办理
 
Drownings spike from May to August in children
Drownings spike from May to August in childrenDrownings spike from May to August in children
Drownings spike from May to August in children
 
一比一原版英国赫特福德大学毕业证(hertfordshire毕业证书)如何办理
一比一原版英国赫特福德大学毕业证(hertfordshire毕业证书)如何办理一比一原版英国赫特福德大学毕业证(hertfordshire毕业证书)如何办理
一比一原版英国赫特福德大学毕业证(hertfordshire毕业证书)如何办理
 

lecture15-neural-nets (2).pptx