SlideShare a Scribd company logo
1 of 33
YONG Sopheaktra
M1
Yoshikawa-Ma Laboratory
2015/07/26
Feedforward neural networks
1
(multilayer perceptrons)
Kyoto University
• Artificial Neural Network
• Perceptron Algorithm
• Multi-layer perceptron (MLP)
• Overfitting & Regularization
Content
2
Kyoto University
• An Artificial Neural Network (ANN) is a system that is based on
biological neural network (brain).
▫ The brain has approximately 100 billion neurons, which communicate
through electro-chemical signals
▫ Each neuron receives thousands of connections (signals)
▫ If the resulting sum of signals surpasses certain threshold, the response is
sent
• The ANN attempts to recreate the computational mirror of the
biological neural network …
Artificial Neural Network
3
Kyoto University 4
Kyoto University
What is Perceptron?
5
• A perceptron models a neuron
• It receives n inputs (feature vector)
• It sum those inputs , calculated, then
output
• Used for linear or binary classification
Kyoto University 6
Perceptron
• The perceptron consists of weights, the summation processor, and an
activation function
• A perceptron takes a weighted sum of inputs and outputs:
Kyoto University
Weight & Bias
7
• Bias can also be treated as another input
▫ The bias allow to shift the line
• The weights determine the slope
Kyoto University
Transfer or Activation Functions
8
• The transfer function translate the input signals to output signals
• It uses a threshold to produce an output
• Some examples are
▫ Unit Step (threshold)
▫ Sigmoid (logistic regression)
▫ Piecewise linear
▫ Gaussian
Kyoto University 9
Unit Step (Threshold)
• The output is set depending on whether the total input is greater or less
than some threshold value.
Kyoto University 10
Piecewise Linear
• The output is proportional to the total weighted output.
Kyoto University 11
Sigmoid function
• It is used when the output is expected to be a positive number
▫ It generates outputs between 0 and 1
Kyoto University 12
Gaussian
• Gaussian functions are bell-shaped curves that are continuous
• It is used in radial basis function ANN (RBF kernel – Chapter 14)
▫ Output is real value
Kyoto University 13
The learning rate
• To update the weights and bias to get smaller error
• Help us control how much we change the weight and bias
Kyoto University 14
How the algorithm work?
• Initialize the weights (zero or small random value)
• Pick a learning rate (0 – 1)
• For each training set
• Compute the activation output
▫ Adjusting
 Error = differences between predicted and actual
 Update bias and weight
• Repeating till the error is very small or zero
• If the it is linear separable, we will found solution
Kyoto University 15
https://github.com/nsadawi/perceptronPerceptron.zip/Perceptron.java
Kyoto University 16
What if the data is non-linearly separable?
• Because SLP is a linear classifier and if the data are not linearly
separable, the learning process will never find the solution
• For example: XOR problem
Kyoto University 17
Perceptron.zip/Perc.java
Kyoto University 18
XOR Classification (Xor_classification.zip)
Kyoto University 19
• A series of logistic regression models stacked on top of each other, with
the final layer being either another logistic regression or a linear
regression model, depending on whether we are solving a classification
or regression problem.
Multi-layer perceptron (MLP)
Kyoto University 20
Kyoto University 21
A closer look
Kyoto University 22
Kyoto University 23
• Use output error, to adjust the weights of inputs at the output layer
• Calculate the error at the previous layer and use it to adjust the weights
• Repeat this process of back-propagating errors through any number of
layers
• You may find mathematical equation of how to minimize cost function
of neural network at 16.5.4 The backpropagation algorithm
The Back Propagation Algorithm
Kyoto University 24
Convolutional neural networks
http://yann.lecun.com/exdb/lenet/index.html
• Designed to recognize visual patterns directly from pixel images with
minimal preprocessing.
• The purpose of multiple hidden units are used to learn non-linear
combination of the original inputs (feature extraction)
▫ Individual Informative
▫ Each pixel in an image is not very informative
▫ But the combination will tell
Kyoto University 25
Kyoto University 26
Multiple-Classifier
Kyoto University 27
Machine-learning-ex3.zip
Kyoto University 28
Overfitting Problem
Kyoto University 29
Cross validation error
Kyoto University 30
• Simplifier the parameters/features
▫ Remove some unnecessary features
• Regularization
▫ Adjusting the weight
How to address it?
Kyoto University 31
• The MLP can overfit, esp. if the number of nodes is large
• A simple way to prevent is early stopping
▫ Stopping the training procedure when the error on the validation set first
start to increase
• Techniques are
▫ Consistent Gaussian prior
▫ Weight pruning: smaller the parameters value
▫ Soft weight sharing: group of parameters value have similar value
▫ Semi-supervised embedding: used with deep learning NN
▫ Bayesian Inference
 Determine number of hidden units – faster than cross-validation
Regularization
Kyoto University 32
Thanks You
Kyoto University
• https://www.coursera.org/learn/machine-learning
• https://www.youtube.com/playlist?list=PLea0WJq13cnCS4LLMeUuZmTx
qsqlhwUoe
• http://yann.lecun.com/exdb/lenet/index.html
Reference
33

More Related Content

What's hot

Back propagation
Back propagationBack propagation
Back propagationNagarajan
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural networkmustafa aadel
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkKnoldus Inc.
 
Artificial Neural Networks - ANN
Artificial Neural Networks - ANNArtificial Neural Networks - ANN
Artificial Neural Networks - ANNMohamed Talaat
 
Machine Learning with Decision trees
Machine Learning with Decision treesMachine Learning with Decision trees
Machine Learning with Decision treesKnoldus Inc.
 
Feature selection
Feature selectionFeature selection
Feature selectionDong Guo
 
K mean-clustering algorithm
K mean-clustering algorithmK mean-clustering algorithm
K mean-clustering algorithmparry prabhu
 
Unsupervised learning
Unsupervised learningUnsupervised learning
Unsupervised learningamalalhait
 
Adaptive Resonance Theory
Adaptive Resonance TheoryAdaptive Resonance Theory
Adaptive Resonance TheoryNaveen Kumar
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
 
Neural Networks: Multilayer Perceptron
Neural Networks: Multilayer PerceptronNeural Networks: Multilayer Perceptron
Neural Networks: Multilayer PerceptronMostafa G. M. Mostafa
 
Autoencoders in Deep Learning
Autoencoders in Deep LearningAutoencoders in Deep Learning
Autoencoders in Deep Learningmilad abbasi
 
Radial basis function network ppt bySheetal,Samreen and Dhanashri
Radial basis function network ppt bySheetal,Samreen and DhanashriRadial basis function network ppt bySheetal,Samreen and Dhanashri
Radial basis function network ppt bySheetal,Samreen and Dhanashrisheetal katkar
 
Neural networks.ppt
Neural networks.pptNeural networks.ppt
Neural networks.pptSrinivashR3
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNNShuai Zhang
 

What's hot (20)

Deep learning
Deep learningDeep learning
Deep learning
 
Back propagation
Back propagationBack propagation
Back propagation
 
Artificial neural network
Artificial neural networkArtificial neural network
Artificial neural network
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Perceptron & Neural Networks
Perceptron & Neural NetworksPerceptron & Neural Networks
Perceptron & Neural Networks
 
Artificial Neural Networks - ANN
Artificial Neural Networks - ANNArtificial Neural Networks - ANN
Artificial Neural Networks - ANN
 
Machine Learning with Decision trees
Machine Learning with Decision treesMachine Learning with Decision trees
Machine Learning with Decision trees
 
Deep learning
Deep learningDeep learning
Deep learning
 
Feature selection
Feature selectionFeature selection
Feature selection
 
K mean-clustering algorithm
K mean-clustering algorithmK mean-clustering algorithm
K mean-clustering algorithm
 
Unsupervised learning
Unsupervised learningUnsupervised learning
Unsupervised learning
 
Adaptive Resonance Theory
Adaptive Resonance TheoryAdaptive Resonance Theory
Adaptive Resonance Theory
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Neural Networks: Multilayer Perceptron
Neural Networks: Multilayer PerceptronNeural Networks: Multilayer Perceptron
Neural Networks: Multilayer Perceptron
 
Autoencoders in Deep Learning
Autoencoders in Deep LearningAutoencoders in Deep Learning
Autoencoders in Deep Learning
 
Radial basis function network ppt bySheetal,Samreen and Dhanashri
Radial basis function network ppt bySheetal,Samreen and DhanashriRadial basis function network ppt bySheetal,Samreen and Dhanashri
Radial basis function network ppt bySheetal,Samreen and Dhanashri
 
Neural networks.ppt
Neural networks.pptNeural networks.ppt
Neural networks.ppt
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
K Nearest Neighbors
K Nearest NeighborsK Nearest Neighbors
K Nearest Neighbors
 

Similar to Feedforward neural network

Introduction to Perceptron and Neural Network.pptx
Introduction to Perceptron and Neural Network.pptxIntroduction to Perceptron and Neural Network.pptx
Introduction to Perceptron and Neural Network.pptxPoonam60376
 
08 neural networks
08 neural networks08 neural networks
08 neural networksankit_ppt
 
Neural Networks Lec3.pptx
Neural Networks Lec3.pptxNeural Networks Lec3.pptx
Neural Networks Lec3.pptxmoah92926
 
Artificial Neural Networks for NIU session 2016 17
Artificial Neural Networks for NIU session 2016 17 Artificial Neural Networks for NIU session 2016 17
Artificial Neural Networks for NIU session 2016 17 Prof. Neeta Awasthy
 
Multilayer Perceptron Neural Network MLP
Multilayer Perceptron Neural Network MLPMultilayer Perceptron Neural Network MLP
Multilayer Perceptron Neural Network MLPAbdullah al Mamun
 
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...Simplilearn
 
sathiya new final.pptx
sathiya new final.pptxsathiya new final.pptx
sathiya new final.pptxsathiyavrs
 
33.-Multi-Layer-Perceptron.pdf
33.-Multi-Layer-Perceptron.pdf33.-Multi-Layer-Perceptron.pdf
33.-Multi-Layer-Perceptron.pdfgnans Kgnanshek
 
Machine learning Module-2, 6th Semester Elective
Machine learning Module-2, 6th Semester ElectiveMachine learning Module-2, 6th Semester Elective
Machine learning Module-2, 6th Semester ElectiveMayuraD1
 
artificial-neural-networks-rev.ppt
artificial-neural-networks-rev.pptartificial-neural-networks-rev.ppt
artificial-neural-networks-rev.pptRINUSATHYAN
 
artificial-neural-networks-rev.ppt
artificial-neural-networks-rev.pptartificial-neural-networks-rev.ppt
artificial-neural-networks-rev.pptSanaMateen7
 
Web spam classification using supervised artificial neural network algorithms
Web spam classification using supervised artificial neural network algorithmsWeb spam classification using supervised artificial neural network algorithms
Web spam classification using supervised artificial neural network algorithmsaciijournal
 
Deep learning crash course
Deep learning crash courseDeep learning crash course
Deep learning crash courseVishwas N
 
nil-100128213838-phpapp02.pdf
nil-100128213838-phpapp02.pdfnil-100128213838-phpapp02.pdf
nil-100128213838-phpapp02.pdfdlakmlkfma
 
Handwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTHandwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTRishabhTyagi48
 

Similar to Feedforward neural network (20)

Introduction to Perceptron and Neural Network.pptx
Introduction to Perceptron and Neural Network.pptxIntroduction to Perceptron and Neural Network.pptx
Introduction to Perceptron and Neural Network.pptx
 
08 neural networks
08 neural networks08 neural networks
08 neural networks
 
Unit 2 ml.pptx
Unit 2 ml.pptxUnit 2 ml.pptx
Unit 2 ml.pptx
 
Neural Networks Lec3.pptx
Neural Networks Lec3.pptxNeural Networks Lec3.pptx
Neural Networks Lec3.pptx
 
Artificial Neural Networks for NIU session 2016 17
Artificial Neural Networks for NIU session 2016 17 Artificial Neural Networks for NIU session 2016 17
Artificial Neural Networks for NIU session 2016 17
 
UNIT 5-ANN.ppt
UNIT 5-ANN.pptUNIT 5-ANN.ppt
UNIT 5-ANN.ppt
 
Multilayer Perceptron Neural Network MLP
Multilayer Perceptron Neural Network MLPMultilayer Perceptron Neural Network MLP
Multilayer Perceptron Neural Network MLP
 
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...
 
Neural
NeuralNeural
Neural
 
sathiya new final.pptx
sathiya new final.pptxsathiya new final.pptx
sathiya new final.pptx
 
chapter3.pptx
chapter3.pptxchapter3.pptx
chapter3.pptx
 
33.-Multi-Layer-Perceptron.pdf
33.-Multi-Layer-Perceptron.pdf33.-Multi-Layer-Perceptron.pdf
33.-Multi-Layer-Perceptron.pdf
 
Deep learning
Deep learningDeep learning
Deep learning
 
Machine learning Module-2, 6th Semester Elective
Machine learning Module-2, 6th Semester ElectiveMachine learning Module-2, 6th Semester Elective
Machine learning Module-2, 6th Semester Elective
 
artificial-neural-networks-rev.ppt
artificial-neural-networks-rev.pptartificial-neural-networks-rev.ppt
artificial-neural-networks-rev.ppt
 
artificial-neural-networks-rev.ppt
artificial-neural-networks-rev.pptartificial-neural-networks-rev.ppt
artificial-neural-networks-rev.ppt
 
Web spam classification using supervised artificial neural network algorithms
Web spam classification using supervised artificial neural network algorithmsWeb spam classification using supervised artificial neural network algorithms
Web spam classification using supervised artificial neural network algorithms
 
Deep learning crash course
Deep learning crash courseDeep learning crash course
Deep learning crash course
 
nil-100128213838-phpapp02.pdf
nil-100128213838-phpapp02.pdfnil-100128213838-phpapp02.pdf
nil-100128213838-phpapp02.pdf
 
Handwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTHandwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPT
 

Recently uploaded

2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...Martijn de Jong
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024Results
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024The Digital Insurer
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Igalia
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsMaria Levchenko
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerThousandEyes
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfEnterprise Knowledge
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...apidays
 
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxFactors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxKatpro Technologies
 
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationFrom Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationSafe Software
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)Gabriella Davis
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?Antenna Manufacturer Coco
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)wesley chun
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking MenDelhi Call girls
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreternaman860154
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking MenDelhi Call girls
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slidespraypatel2
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Enterprise Knowledge
 
Advantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessAdvantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessPixlogix Infotech
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024The Digital Insurer
 

Recently uploaded (20)

2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed texts
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
 
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxFactors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
 
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationFrom Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreter
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slides
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...
 
Advantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessAdvantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your Business
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 

Feedforward neural network

  • 1. YONG Sopheaktra M1 Yoshikawa-Ma Laboratory 2015/07/26 Feedforward neural networks 1 (multilayer perceptrons)
  • 2. Kyoto University • Artificial Neural Network • Perceptron Algorithm • Multi-layer perceptron (MLP) • Overfitting & Regularization Content 2
  • 3. Kyoto University • An Artificial Neural Network (ANN) is a system that is based on biological neural network (brain). ▫ The brain has approximately 100 billion neurons, which communicate through electro-chemical signals ▫ Each neuron receives thousands of connections (signals) ▫ If the resulting sum of signals surpasses certain threshold, the response is sent • The ANN attempts to recreate the computational mirror of the biological neural network … Artificial Neural Network 3
  • 5. Kyoto University What is Perceptron? 5 • A perceptron models a neuron • It receives n inputs (feature vector) • It sum those inputs , calculated, then output • Used for linear or binary classification
  • 6. Kyoto University 6 Perceptron • The perceptron consists of weights, the summation processor, and an activation function • A perceptron takes a weighted sum of inputs and outputs:
  • 7. Kyoto University Weight & Bias 7 • Bias can also be treated as another input ▫ The bias allow to shift the line • The weights determine the slope
  • 8. Kyoto University Transfer or Activation Functions 8 • The transfer function translate the input signals to output signals • It uses a threshold to produce an output • Some examples are ▫ Unit Step (threshold) ▫ Sigmoid (logistic regression) ▫ Piecewise linear ▫ Gaussian
  • 9. Kyoto University 9 Unit Step (Threshold) • The output is set depending on whether the total input is greater or less than some threshold value.
  • 10. Kyoto University 10 Piecewise Linear • The output is proportional to the total weighted output.
  • 11. Kyoto University 11 Sigmoid function • It is used when the output is expected to be a positive number ▫ It generates outputs between 0 and 1
  • 12. Kyoto University 12 Gaussian • Gaussian functions are bell-shaped curves that are continuous • It is used in radial basis function ANN (RBF kernel – Chapter 14) ▫ Output is real value
  • 13. Kyoto University 13 The learning rate • To update the weights and bias to get smaller error • Help us control how much we change the weight and bias
  • 14. Kyoto University 14 How the algorithm work? • Initialize the weights (zero or small random value) • Pick a learning rate (0 – 1) • For each training set • Compute the activation output ▫ Adjusting  Error = differences between predicted and actual  Update bias and weight • Repeating till the error is very small or zero • If the it is linear separable, we will found solution
  • 16. Kyoto University 16 What if the data is non-linearly separable? • Because SLP is a linear classifier and if the data are not linearly separable, the learning process will never find the solution • For example: XOR problem
  • 18. Kyoto University 18 XOR Classification (Xor_classification.zip)
  • 19. Kyoto University 19 • A series of logistic regression models stacked on top of each other, with the final layer being either another logistic regression or a linear regression model, depending on whether we are solving a classification or regression problem. Multi-layer perceptron (MLP)
  • 21. Kyoto University 21 A closer look
  • 23. Kyoto University 23 • Use output error, to adjust the weights of inputs at the output layer • Calculate the error at the previous layer and use it to adjust the weights • Repeat this process of back-propagating errors through any number of layers • You may find mathematical equation of how to minimize cost function of neural network at 16.5.4 The backpropagation algorithm The Back Propagation Algorithm
  • 24. Kyoto University 24 Convolutional neural networks http://yann.lecun.com/exdb/lenet/index.html • Designed to recognize visual patterns directly from pixel images with minimal preprocessing. • The purpose of multiple hidden units are used to learn non-linear combination of the original inputs (feature extraction) ▫ Individual Informative ▫ Each pixel in an image is not very informative ▫ But the combination will tell
  • 29. Kyoto University 29 Cross validation error
  • 30. Kyoto University 30 • Simplifier the parameters/features ▫ Remove some unnecessary features • Regularization ▫ Adjusting the weight How to address it?
  • 31. Kyoto University 31 • The MLP can overfit, esp. if the number of nodes is large • A simple way to prevent is early stopping ▫ Stopping the training procedure when the error on the validation set first start to increase • Techniques are ▫ Consistent Gaussian prior ▫ Weight pruning: smaller the parameters value ▫ Soft weight sharing: group of parameters value have similar value ▫ Semi-supervised embedding: used with deep learning NN ▫ Bayesian Inference  Determine number of hidden units – faster than cross-validation Regularization
  • 33. Kyoto University • https://www.coursera.org/learn/machine-learning • https://www.youtube.com/playlist?list=PLea0WJq13cnCS4LLMeUuZmTx qsqlhwUoe • http://yann.lecun.com/exdb/lenet/index.html Reference 33

Editor's Notes

  1. Dendrite: input Axon: output