KEMBAR78
Deep Learning for Data Experts | PDF | Machine Learning | Regression Analysis
0% found this document useful (0 votes)
84 views95 pages

Deep Learning for Data Experts

The document discusses deep learning from scratch. It introduces linear regression as a type of supervised learning where the goal is to predict a continuous output value based on input features. Linear regression finds a linear combination of the weights and features to approximate the target value. The error is quantified as the mean squared difference between the predicted and actual target values. Gradient descent is used to optimize the weights to minimize this error.

Uploaded by

yugandhar_ch
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
84 views95 pages

Deep Learning for Data Experts

The document discusses deep learning from scratch. It introduces linear regression as a type of supervised learning where the goal is to predict a continuous output value based on input features. Linear regression finds a linear combination of the weights and features to approximate the target value. The error is quantified as the mean squared difference between the predicted and actual target values. Gradient descent is used to optimize the weights to minimize this error.

Uploaded by

yugandhar_ch
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 95

Deep Learning From Scratch

Bruno Gonçalves

www.data4sci.com/newsletter
https://github.com/DataForScience/DeepLearning
Question https://github.com/DataForScience/DeepLearning
•Where are you located?

• Europe

• Asia

• Africa

• US

• Canada

• Latin America

•Oceania

@bgoncalves www.data4sci.com
Question https://github.com/DataForScience/DeepLearning
• What’s your job title?

• Data Scientist

• Statistician

• Data Engineer

• Researcher

• Business Analyst

• Software Engineer

• Other

@bgoncalves www.data4sci.com
Question https://github.com/DataForScience/DeepLearning
• How experienced are you in Python?

• Beginner (<1 year)

• Intermediate (1-5 years)

• Expert (5+ years)

@bgoncalves www.data4sci.com
References https://github.com/DataForScience/DeepLearning

Neural Networks for Machine Learning Machine Learning


@bgoncalves Geoff Hinton Andrew Ng www.data4sci.com
Requirements

https://github.com/DataForScience/DeepLearning

@bgoncalves www.data4sci.com
@bgoncalves www.data4sci.com
Machine Learning

@bgoncalves www.data4sci.com
3 Types of Machine Learning https://github.com/bmtgoncalves/Neural-Networks/

• Supervised Learning

• Predict output given input

• Training set of known inputs and outputs is provided

• Unsupervised Learning

• Autonomously learn an good representation of the dataset

• Find clusters in input

• Reinforcement Learning

• Learn sequence of actions to maximize payoff

• Discount factor for delayed rewards

@bgoncalves www.data4sci.com
3 Types of Machine Learning https://github.com/bmtgoncalves/Neural-Networks/

• Supervised Learning

• Predict output given input

• Training set of known inputs and outputs is provided

• Unsupervised Learning

• Autonomously learn an good representation of the dataset

• Find clusters in input

• Reinforcement Learning

• Learn sequence of actions to maximize payoff

• Discount factor for delayed rewards

@bgoncalves www.data4sci.com
Optimization Problem https://github.com/bmtgoncalves/Neural-Networks/

• (Machine) Learning can be thought of as an optimization


problem.

• Optimization Problems have 3 distinct pieces:

• The constraints Problem Representation

• The function to optimize Prediction Error

• The optimization algorithm. Gradient Descent

@bgoncalves www.data4sci.com
Supervised Learning

@bgoncalves www.data4sci.com
Supervised Learning - Regression
• Dataset formatted as an MxN matrix of M samples and N features

• Each sample corresponds to a specific value of the target variable

• The goal of regression is to predict or approximate the value of a


function at previously unseen points

• Linear Regression

Feature N
Feature 1
Feature 2
Feature 3

value
• Neural Networks Sample 1
Sample 2
Sample 3
Sample 4
Sample 5
Sample 6
.

Sample M

@bgoncalves www.data4sci.com
Supervised Learning - Regression
• Dataset formatted as an MxN matrix of M samples and N features

• Each sample corresponds to a specific value of the target variable

• The goal of regression is to predict or approximate the value of a


function at previously unseen points

• Linear Regression

Feature N
Feature 1
Feature 2
Feature 3

value
• Neural Networks Sample 1
Sample 2
• Two fundamental types of problems: Sample 3
Sample 4

• Regression (continuous output value) Sample 5


Sample 6
.
• Classification (discrete output value)

Sample M

@bgoncalves www.data4sci.com
Linear Regression

x ) x1
13 f( w1
y ≈ x 0+
Each point is w0 Add x0 ≡ 1
xi ⃗ = (x0, x1, ⋯, xn)
T
represented = to account
y
by a vector for intercept
9.75

6.5
y

3.25

0
0 5 10 15 20
@bgoncalves x1 www.data4sci.com
Linear Regression
• We are assuming that our functional dependence is of the form:


f ( x )⃗ = w0 + w1x1 + ⋯ + wn xn ≡ X w ⃗

• In other words, at each step, our hypothesis is:





 hw (X) = X w ⃗ ≡ ŷ

Feature N
Feature 1
Feature 2
Feature 3

value
and it imposes a Constraint on the solutions that can be found.
Sample 1
Sample 2
• We quantify our far our hypothesis is from the correct value using an Sample 3
Sample 4
Error Function:
 Sample 5

 1
∑[ ]
2 Sample 6


 Jw (X, y )⃗ = h w ( x (i)
) − y (i) . X y

 2m i
or, vectorially:
1
Jw (X, y )⃗ = [X w ⃗ − y ]⃗
2
2m Sample M

@bgoncalves www.data4sci.com
Geometric Interpretation
13
1
Jw (X, y )⃗ = [X w ⃗ − y ]⃗
2
2m

9.75 Quadratic error


means that an error
twice as large is
penalized four times
as much.
6.5

3.25

0
0 5 10 15 20
@bgoncalves www.data4sci.com
Gradient Descent
• Goal: Find the minimum of Jw (X, y )⃗ by varying the components of w ⃗

• Intuition: Follow the slope of the error function until convergence

δ
− Jw (X, y )⃗
δ w⃗
Jw (X, y )⃗

δ
− Jw (X, y )⃗
δ w⃗

Jw (X, y ⃗)
• Algorithm:

⃗ (initial values of the parameters)


• Guess w (0)
step size
• Update until “convergence”:
δ δ 1 T
wj = wj − α Jw (X, y )⃗ Jw (X, y )⃗ = X ⋅ (hw (X ) − y )⃗
δwj δwj m
@bgoncalves www.data4sci.com
Learning Procedure

Constraint

input predicted observed


hypothesis
output output
XT hw (X) ŷ ⃗ Jw (X, y )⃗

Learning Error
Algorithm Function

@bgoncalves www.data4sci.com
Geometric
` Interpretation

2D 3D nD
13

9.75

6.5

3.25

0
0 5 10 15 20

y = w0 + w1x1 y = w0 + w1x1 + w2 x2 y = X w⃗

Add x0 ≡ 1
Finds the hyperplane that
to account
splits the points in two for intercept
such that the errors on
each side balance out

@bgoncalves www.data4sci.com
Code - Linear Regression
https://github.com/DataForScience/DeepLearning
Linear Regression

@bgoncalves
Supervised Learning - Classification
• Dataset formatted as an NxM matrix of N samples and M features

• Each sample belongs to a specific class or has a specific label.

• The goal of classification is to predict to which class a previously


unseen sample belongs to by learning defining regularities of each
class

Feature M
Feature 1
Feature 2
Feature 3

• Logistic Regression

label
Sample 1
• Neural Networks Sample 2
Sample 3
• Two fundamental types of problems: Sample 4
Sample 5
Sample 6
• Regression (continuous output value) .

• Classification (discrete output value)

Sample N

@bgoncalves www.data4sci.com
Logistic Regression (Classification)
• Not actually regression, but rather Classification

• Predict the probability of instance belonging to the given class:



hw (X) ∈ [0,1]
1 - part of the class
• Use sigmoid/logistic function to map weighted inputs to[0,1]
0 - otherwise
hw (X) = ϕ (X w )⃗

z ≡ X w⃗
1
ϕ (z) =
z encapsulates all 1 + e −z
the parameters and
input values

@bgoncalves www.data4sci.com
Geometric Interpretation

1
ϕ (z) ≥
2

maximize the value


of z for members of
the class

@bgoncalves www.data4sci.com
Logistic Regression
• Error Function - Cross Entropy


 1 T
Jw (X, y )⃗ = − [y log (hw (X)) + (1 − y) log (1 − hw (X))]
T

m

measures the “distance” between two probability distributions

1
hw (X) =
1 + e −X w ⃗
• Effectively treating the labels as probabilities (an instance with
label=1 has Probability 1 of belonging to the class).

• Gradient - same as Logistic Regression


δ
wj = wj − α Jw (X, y )⃗
δwj
δ 1 T
Jw (X, y )⃗ = X ⋅ (hw (X ) − y )⃗
δwj m

@bgoncalves www.data4sci.com
Learning Procedure

Constraint

input predicted observed


hypothesis
output output
XT hw (X) ŷ ⃗ Jw (X, y )⃗

Learning Error
Algorithm Function

@bgoncalves www.data4sci.com
Learning Procedure

Constraint

input z predicted observed


hypothesis
output output
XT hw (X) = ϕ (z) ŷ ⃗ Jw (X, y )⃗

Learning Error
Algorithm Function

@bgoncalves www.data4sci.com
Iris dataset

@bgoncalves www.data4sci.com
Iris dataset

@bgoncalves www.data4sci.com
Code - Logistic Regression
https://github.com/DataForScience/DeepLearning
Logistic Regression

@bgoncalves www.data4sci.com
Logistic Regression

@bgoncalves www.data4sci.com
Practical Considerations
• So far we have looked at very idealized cases. Reality is never this
simple!

• In practice, many details have to be considered:

• Data normalization

• Overfitting

• Hyperparameters

• Bias, Variance tradeoffs

• etc…

@bgoncalves www.data4sci.com
0
Linear boundaries 1
• Both Linear Regression and Logistic Regression rely on hyperplanes
to separate the data points. Unfortunately, this is not always
possible:

AND OR XOR

Possible Possible Impossible

@bgoncalves www.data4sci.com
Data Normalization https://github.com/bmtgoncalves/Neural-Networks/

• The range of raw data values can vary widely.


• Using feature with very different ranges in the same analysis can cause numerical problems.
Many algorithms are linear or use euclidean distances that are heavily influenced by the
numerical values used (cm vs km, for example)
• To avoid difficulties, it’s common to rescale the range of all features in such a way that each
feature follows within the same range.
• Several possibilities:
x xmin
• Rescaling - x̂
 =
xmax xmin
x µx

 =
• Standardization - x̂
x
x
• Normalization - x̂
 =
||x||

• In the rest of the discussion we will assume that the data has been normalized in some
suitable way
@bgoncalves www.data4sci.com
Data Normalization https://github.com/bmtgoncalves/Neural-Networks/

• The range of raw data values can vary widely.


• Using feature with very different ranges in the same analysis can cause numerical problems.
Many algorithms are linear or use euclidean distances that are heavily influenced by the
numerical values used (cm vs km, for example)
• To avoid difficulties, it’s common to rescale the range of all features in such a way that each
feature follows within the same range.
• Several possibilities:
x xmin
• Rescaling - x̂
 =
xmax xmin
x µx
• Standardization x̂- 
 =
x
x
• Normalization - x̂
 =
||x||

• In the rest of the discussion we will assume that the data has been normalized in some
suitable way
@bgoncalves www.data4sci.com
Supervised Learning - Overfitting

Feature M
Feature 1
Feature 2
Feature 3

value
Sample 1
• “Learning the noise” Sample 2
Sample 3

Training
• “Memorization” instead of “generalization” Sample 4
Sample 5
Sample 6
• How can we prevent it? .

• Split dataset into two subsets: Training and Testing

Testing
• Train model using only the Training dataset and evaluate results
in the previously unseen Testing dataset.
Sample N

• Different heuristics on how to split:

• Single split

• k-fold cross validation: split dataset in k parts, train in k-1 and


evaluate in 1, repeat k times and average results.

@bgoncalves www.data4sci.com
Bias-Variance Tradeoff

@bgoncalves www.data4sci.com
Bias-Variance Tradeoff
High Bias Low Bias
Low Variance High Variance

Training
Error

Testing

Variance
Bias

Model Complexity
@bgoncalves www.data4sci.com
Comparison
• Linear Regression
• Logistic Regression
z = X w⃗ z = X w⃗
Map features to a
continuous variable

hw (X) = ϕ (Z ) hw (X) = ϕ (Z ) Compare


prediction with
reality
1 Predict based on
ϕ (Z ) = Z ϕ (Z ) =
1 + e −Z continuous variable

1 1 T

Jw (X, y ) = ⃗
[hw (X) − y ] Jw (X, y ) = − [y log (hw (X)) + (1 − y) log (1 − hw (X))]

2 T
2m m

δ 1 T δ 1 T
Jw (X, y )⃗ = X ⋅ (hw (X ) − y )⃗ Jw (X, y )⃗ = X ⋅ (hw (X ) − y )⃗
δwj m δwj m

@bgoncalves www.data4sci.com
Similar Structure
Bias
1
w
x1 0j
w
1j
x2 w2j
zj
w 3j wT x (z)
x3
j
N
w

xN
Activation
Inputs Weights function

@bgoncalves www.data4sci.com
What about Neurons?
Biological Neuron

@bgoncalves www.data4sci.com
How the Brain “Works” (Cartoon version)

@bgoncalves www.data4sci.com
How the Brain “Works” (Cartoon version)
• Each neuron receives input from other neurons
• 1011 neurons, each with with 104 weights
• Weights can be positive or negative
• Weights adapt during the learning process
• “neurons that fire together wire together” (Hebb)
• Different areas perform different functions using same structure
(Modularity)

@bgoncalves www.data4sci.com
How the Brain “Works” (Cartoon version)

Inputs f(Inputs) Output

@bgoncalves www.data4sci.com
@bgoncalves www.data4sci.com
Perceptron
Bias
1
w
x1 0j
w
1j
x2 w2j
zj aj
w 3j wT x (z)
x3
j
N
w

xN
Activation
Output
Inputs Weights function

@bgoncalves www.data4sci.com
Activation Function http://github.com/bmtgoncalves/Neural-Networks

• Non-Linear function

• Differentiable

• non-decreasing

• Compute new sets of features

• Each layer builds up a more abstract representation of the data

@bgoncalves www.data4sci.com
Activation Function - Linear
• Non-Linear function

• Differentiable

• non-decreasing
ϕ (z) = z
• Compute new sets of features

• Each layer builds up a more abstract


representation of the data

• The simplest

@bgoncalves www.data4sci.com
Activation Function - Linear
• Non-Linear function
Linear Regression
• Differentiable

• non-decreasing
ϕ (z) = z
• Compute new sets of features

• Each layer builds up a more abstract


representation of the data

• The simplest

@bgoncalves www.data4sci.com
Activation Function - Sigmoid
• Non-Linear function

• Differentiable

• non-decreasing 1
ϕ (z) =
1 + e −z
• Compute new sets of features

• Each layer builds up a more abstract


representation of the data

• Perhaps the most common

@bgoncalves www.data4sci.com
Activation Function - Sigmoid
• Non-Linear function
Logistic Regression
• Differentiable

• non-decreasing 1
ϕ (z) =
1 + e −z
• Compute new sets of features

• Each layer builds up a more abstract


representation of the data

• Perhaps the most common

@bgoncalves www.data4sci.com
Activation Function - ReLu
• Non-Linear function

• Differentiable

• non-decreasing
ϕ (z) = z, z > 0
• Compute new sets of features

• Each layer builds up a more abstract


representation of the data

• Results in faster learning than with


sigmoid

@bgoncalves www.data4sci.com
Activation Function - ReLu
• Non-Linear function
Stepwise Regression
• Differentiable

• non-decreasing
ϕ (z) = z, z > 0
• Compute new sets of features

• Each layer builds up a more abstract


representation of the data

• Results in faster learning than with


sigmoid

@bgoncalves www.data4sci.com
Stepwise Regression https://en.wikipedia.org/wiki/Multivariate_adaptive_regression_spline

• Multivariate Adaptive Regression Spline (MARS) is the best known example

• Fit curves using a linear combination of:

f ̂ (x) =

ci Bi (x)
• The basis functions Bi (x) can be: i

• Constant

• “Hinge” functions of the form: max(0, x − b) and max(0, b − x)

• Products of hinges

@bgoncalves www.data4sci.com
Stepwise Regression https://en.wikipedia.org/wiki/Multivariate_adaptive_regression_spline

• Multivariate Adaptive Regression Spline (MARS) is the best known example

• Fit curves using a linear combination of:

f ̂ (x) =

ci Bi (x)
i

y (x) = 1.013
+ 1.198 max (0, x 0.485)
1.803 max (0, 0.485 x)
1.321 max (0, x 0.283)
1.609 max (0, x 0.640)
<latexit sha1_base64="8sdMuX6MlC9h4jWMaRP7SJkiDEU=">AAAC9XicbZLPb9MwFMedjB8jA9axIxeLimr8WGS3+5EekCZx4Tgkuk1qqspxndaa4wTbYY2i7u/gwgGEuPK/cOO/wWlzKFmfZOmr9z7v+b1nR5ng2iD013G37t1/8HD7kbfz+MnT3dbeswud5oqyAU1Fqq4iopngkg0MN4JdZYqRJBLsMrp+X8UvvzCleSo/mSJjo4RMJY85Jca6xnvOThixKZcl+yyJUqR4vfCKULDYHMxDxacz86rzroN9hHth6HXeWIn7AbyFCZmvMPQWzuEhRP5RcFxnVOShJQPUa5BLytLzBtnr4o01u0GvQZ6g/kby5AitkVWfx/3NNfvotCa9kMnJ2uTjVhv5aGnwrsC1aIPazsetP+EkpXnCpKGCaD3EKDOjkijDqWALL8w1ywi9JlM2tFKShOlRuXy1BXxpPRMYp8oeaeDSu55RkkTrIoksmRAz081Y5dwUG+YmDkYll1lumKSri+JcQJPC6gvACVeMGlFYQajitldIZ0QRauxH8ewScHPku+Ki62Pk44/d9llQr2MbPAcvwAHA4BScgQ/gHAwAdZTz1fnu/HBv3G/uT/fXCnWdOmcf/Gfu739e5dqD</latexit>
+ 1.591 max (0, x 0.907)

@bgoncalves www.data4sci.com
Perceptron - Forward Propagation
• The output of a perceptron is determined by a sequence of steps:

• obtain the inputs

• multiply the inputs by the respective weights

• calculate value of the activation function

• (map activation value to predicted output) 1

T w
aj = ! x x1 0j
w
1j
x2 w2j
T
aj
w 3j w x
x3
j
N
w

@bgoncalves xN www.data4sci.com
Perceptron - Forward Propagation http://github.com/bmtgoncalves/Neural-Networks

def forward(Theta, X, active):


N = X.shape[0]

# Add the bias column


X_ = np.concatenate((np.ones((N, 1)), X), 1)

# Multiply by the weights


z = np.dot(X_, Theta.T)

# Apply the activation function


a = active(z)

return a

@bgoncalves
Perceptron - Training
• Training Procedure:

• If correct, do nothing

• If output incorrectly outputs 0, add input to weight


vector

• if output incorrectly outputs 1, subtract input to


1
weight vector
w
• Guaranteed to converge, if a correct set of weights x1 0j
exists w
1j

• Given enough features, perceptrons can learn almost x2 w2j


anything T
aj
w 3j w x
x3
• Specific Features used limit what is possible to learn
j
N
w

@bgoncalves xN www.data4sci.com
Code - Forward Propagation
https://github.com/DataForScience/DeepLearning
Forward Propagation
• The output of a perceptron is determined by a sequence of steps:

• obtain the inputs

• multiply the inputs by the respective weights

• calculate output using the activation function

• To create a multi-layer perceptron, you can simply use the output of one layer as the input to
the next one.

1
1
w
w a1 0k
x1 0j w
1k
w
1j a2 w2k
x2 w2j ak
w 3k wT a
w 3j wT x aj
x3
k
j wN
wN
aN
xN

• But how can we propagate back the errors and update the weights?
@bgoncalves www.data4sci.com
Stepwise Regression https://en.wikipedia.org/wiki/Multivariate_adaptive_regression_spline

f ̂ (x) =

ci Bi (x)
i

y (x) = 1.013
+ 1.198 max (0, x 0.485)
1.803 max (0, 0.485 x)
1.321 max (0, x 0.283)
1.609 max (0, x 0.640)
<latexit sha1_base64="8sdMuX6MlC9h4jWMaRP7SJkiDEU=">AAAC9XicbZLPb9MwFMedjB8jA9axIxeLimr8WGS3+5EekCZx4Tgkuk1qqspxndaa4wTbYY2i7u/gwgGEuPK/cOO/wWlzKFmfZOmr9z7v+b1nR5ng2iD013G37t1/8HD7kbfz+MnT3dbeswud5oqyAU1Fqq4iopngkg0MN4JdZYqRJBLsMrp+X8UvvzCleSo/mSJjo4RMJY85Jca6xnvOThixKZcl+yyJUqR4vfCKULDYHMxDxacz86rzroN9hHth6HXeWIn7AbyFCZmvMPQWzuEhRP5RcFxnVOShJQPUa5BLytLzBtnr4o01u0GvQZ6g/kby5AitkVWfx/3NNfvotCa9kMnJ2uTjVhv5aGnwrsC1aIPazsetP+EkpXnCpKGCaD3EKDOjkijDqWALL8w1ywi9JlM2tFKShOlRuXy1BXxpPRMYp8oeaeDSu55RkkTrIoksmRAz081Y5dwUG+YmDkYll1lumKSri+JcQJPC6gvACVeMGlFYQajitldIZ0QRauxH8ewScHPku+Ki62Pk44/d9llQr2MbPAcvwAHA4BScgQ/gHAwAdZTz1fnu/HBv3G/uT/fXCnWdOmcf/Gfu739e5dqD</latexit>
+ 1.591 max (0, x 0.907)

1
1

x ReLu
1

x ReLu Linear

x ReLu

@bgoncalves www.data4sci.com
Loss Functions
• For learning to occur, we must quantify how far off we are from the
desired output. There are two common ways of doing this:

• Quadratic error function:


1 X 2
E= |yn an |
N n
• Cross Entropy
1 Xh T T
i
J= yn log an + (1 yn ) log (1 an )
N n

The Cross Entropy is complementary to sigmoid


activation in the output layer and improves its stability.

@bgoncalves www.data4sci.com
Regularization
• Helps keep weights relatively small by adding a penalization to the cost function.

• Two common choices:

Jŵ (X) = Jw (X) + λ



wij “Lasso”
ij

Jŵ (X) = Jw (X) + λ wij2


∑ L2
ij

• Lasso helps with feature selection by driving less important weights to zero

@bgoncalves www.data4sci.com
Backward Propagation of Errors (BackProp)
• BackProp operates in two phases:

• Forward propagate the inputs and calculate the deltas

• Update the weights

• The error at the output is a weighted average difference between predicted output and the
observed one.

• For inner layers there is no “real output”!

@bgoncalves www.data4sci.com
BackProp
• Let δ (l) be the error at each of the total L layers:

• Then:
δ (L) = hw (X) − y
• And for every other layer, in reverse order:

δ (l) = W (l)T δ (l+1). * ϕ † (z (l))


• Until:


δ (1) ≡ 0

as there’s no error on the input layer.

• And finally:

Δ(l)
ij
= Δ (l)
ij
+ a (l) (l+1)
j i
δ
∂ 1 (l)

(l) w ( )
(l)
J X, y = Δ + λw
∂wij m ij ij

@bgoncalves www.data4sci.com
A practical example - MNIST http://github.com/bmtgoncalves/Neural-Networks
http://yann.lecun.com/exdb/mnist/

Feature M
Feature 1
Feature 2
Feature 3

Label
Sample 1
Sample 2
Sample 3
Sample 4
Sample 5
Sample 6
.

Sample N

@bgoncalves www.data4sci.com
A practical example - MNIST http://github.com/bmtgoncalves/Neural-Networks
http://yann.lecun.com/exdb/mnist/

Feature M
Feature 1
Feature 2
Feature 3

Label
Sample 1
Sample 2
Sample 3
s: Sample 4
er

arg max
Sample 5
Sample 6
er X ⇥1 ⇥2 .
er X y

Sample N

@bgoncalves www.data4sci.com
A practical example - MNIST http://github.com/bmtgoncalves/Neural-Networks

def forward(Theta, X, active):


N = X.shape[0]
5000 examples

# Add the bias column


X_ = np.concatenate((np.ones((N, 1)), X), 1)

arg max
# Multiply by the weights
X ⇥1 ⇥2 z = np.dot(X_, Theta.T)

# Apply the activation function


a = active(z)

return a

Vectors 784 50 10 1
Matrices 50 ⇥ 785 10 ⇥ 51 Forward Propagation
Matrices 50 ⇥ 784 10 ⇥ 50 Backward Propagation

def predict(Theta1, Theta2, X):


h1 = forward(Theta1, X, sigmoid)
h2 = forward(Theta2, h1, sigmoid)

return np.argmax(h2, 1)

@bgoncalves www.data4sci.com
Code - Simple Network
https://github.com/DataForScience/DeepLearning
Bias-Variance Tradeoff

High Bias Low Bias


Low Variance High Variance
Loss / Bias

Variance
@bgoncalves www.data4sci.com
Learning Rate
δ
wij = wij − α Jw (X, y )⃗
δwij
δ
↵ defines size of step in direction of Jw (X, y )⃗
δwij

Very High Learning Rate


Loss

High Learning Rate


Low Learning Rate
Best Learning Rate

Epoch
@bgoncalves www.data4sci.com
Tips
• online learning - update weights after each case

- might be useful to update model as new data is
obtained

- subject to fluctuations

• mini-batch - update weights after a “small” number of cases



- batches should be balanced

- if dataset is redundant, the gradient estimated using
only a fraction of the data 

is a good approximation to the full gradient.

• momentum - let gradient change the velocity of weight change


instead of the value directly

• rmsprop - divide learning rate for each weight by a running


average of “recent” gradients

@bgoncalves www.data4sci.com
Generalization
• Neural Networks are extremely modular in their design with
• Fortunately, we can write code that is also modular and can easily
handle arbitrary numbers of layers
• Let’s describe the structure of our network as a list of weight
matrices and activation functions
• We also need to keep track of the gradients of the activation
functions so let us define a simple class:
class Activation(object):
def f(z):
pass

def df(z):
pass

class Linear(Activation):
def f(z):
return z

def df(z):
return np.ones(z.shape)

class Sigmoid(Activation):
def f(z):
return 1./(1+np.exp(-z))

def df(z):
@bgoncalves h = Sigmoid.f(z) www.data4sci.com
return h*(1-h)
Generalization
• Now we can describe our simple MNIST model with:

Thetas = []
Thetas.append(init_weights(input_layer_size, hidden_layer_size))
Thetas.append(init_weights(hidden_layer_size, num_labels))

model = []

model.append(Thetas[0])
model.append(Sigmoid)
model.append(Thetas[1])
model.append(Sigmoid)

• Where Sigmoid is an object that contains both the sigmoid function and its gradient as was
defined in the previous slide.

@bgoncalves
Generalization - Forward propagation

def forward(Theta, X, active):


N = X.shape[0]

# Add the bias column


X_ = np.concatenate((np.ones((N, 1)), X), 1)

# Multiply by the weights


z = np.dot(X_, Theta.T)

# Apply the activation function


a = active.f(z)

return a

def predict(model, X):


h = X.copy()

@bgoncalves forward.py
def backprop(model, X, y):
M = X.shape[0]

Thetas = model[0::2]
activations = model[1::2]
layers = len(Thetas)

K = Thetas[-1].shape[0]
J = 0
Deltas = []

for i in range(layers):
Deltas.append(np.zeros(Thetas[i].shape))

deltas = [0, 0, 0, 0]

for i in range(M):
As = []
Zs = [0]
Hs = [X[i]]
# Forward propagation, saving intermediate results
As.append(np.concatenate(([1], Hs[0]))) # Input layer

for l in range(1, layers+1):


Zs.append(np.dot(Thetas[l-1], As[l-1]))
Hs.append(activations[l-1].f(Zs[l]))
As.append(np.concatenate(([1], Hs[l])))

y0 = one_hot(K, y[i])

# Cross entropy
J -= np.dot(y0.T, np.log(Hs[2]))+np.dot((1-y0).T, np.log(1-Hs[2]))

# Calculate the weight deltas


deltas[layers] = Hs[layers]-y0

for l in range(layers-1, 1, -1):


deltas[l] = np.dot(Thetas[l-1].T, deltas[l+1])[1:]*activations[l-1].df(Zs[l-1])
Deltas[l] += np.outer(deltas[l+1], As[l])

J /= M
grads = []
grads.append(Deltas[0]/M)
grads.append(Deltas[1]/M)
@bgoncalves
return [J, grads]
Code - Modular Network
https://github.com/DataForScience/DeepLearning
Neural Network Architectures

@bgoncalves www.data4sci.com
word2vec Mikolov 2013

Skipgram Continuous Bag of Words


max p (C|w) max p (w|C)

1
wj

wj
⇥2 ⇥1 word embeddings ⇥2

⇥2 context embeddings
wj

wj
⇥1 ⇥1
wj one hot vector
⇥2 ⇥2
activation function
wj+1

wj+1

Word Context Context Word


@bgoncalves www.data4sci.com
Visualization

@bgoncalves www.data4sci.com
“You shall know a word by the company it keeps”

(J. R. Firth)
Analogies
• The embedding of each word is a function of the context it appears
in:

(red) = f (context (red))

• words that appear in similar contexts will have similar embeddings:


context (red) ⇡ context (blue) =) (red) ⇡ (blue)

• “Distributional hypotesis” in linguistics


France
Italy Portugal Country context
Geometrical relations Paris
USA

between contexts imply Capital context Rome Lisbon


Washington DC
semantic relations
between words!

(F rance) (P aris) + (Rome) = (Italy)


~b ~a + ~c = d~
@bgoncalves www.data4sci.com
Analogies https://www.tensorflow.org/tutorials/word2vec

What is the word d that is most similar to 
 ~b ~a + ~c = d~


b and c and most dissimilar to a?
⇣ ⌘T
~b ~a + ~c
d† = argmax ~x
x ~b ~a + ~c
⇣ ⌘
d† ⇠ argmax ~bT ~x ~aT ~x + ~cT ~x
x

@bgoncalves www.data4sci.com
Feed Forward Networks

ht Output

xt Input

ht = f (xt)

@bgoncalves www.data4sci.com
Feed Forward Networks

ht Output

Information

Flow

xt Input

ht = f (xt)

@bgoncalves www.data4sci.com
Information

Recurrent Neural Network (RNN) Flow

ht Output

ht Output

Previous ht−1
Output
xt Input

ht = f (xt,)ht−1)

@bgoncalves www.data4sci.com
Recurrent Neural Network (RNN)
• Each output depends (implicitly) on all previous outputs.

• Input sequences generate output sequences (seq2seq)

ht−1 ht ht+1
ht−2 ht−1 ht ht+1

xt−1 xt xt+1

@bgoncalves www.data4sci.com
Long-Short Term Memory (LSTM)
• What if we want to keep explicit information about previous states
(memory)?
• How much information is kept, can be controlled through gates.

• LSTMs were first introduced in 1997 by Hochreiter and Schmidhuber

ht−1 ht ht+1
ct−2 ct−1 ct ct+1
ht−2 ht−1 ht ht+1

xt−1 xt xt+1

@bgoncalves www.data4sci.com
Convolutional Neural Networks

@bgoncalves www.data4sci.com
@bgoncalves
Interpretability

@bgoncalves www.data4sci.com
Interpretability

@bgoncalves www.data4sci.com
“Deep” learning

@bgoncalves www.data4sci.com
Webinars www.data4sci.com/newsletter

Applied Probability Theory from Scratch


• Jul 17, 2019 5am-9am (PST)

Natural Language Processing (NLP) from Scratch


• Aug 5, 2019 5am-9am (PST)


Deep Learning From Scratch


• Sept 24, 2019

Natural Language Processing (NLP) from Scratch


http://bit.ly/LiveLessonNLP - On Demand

@bgoncalves www.data4sci.com

You might also like