SlideShare uma empresa Scribd logo
1 de 22
INTRODUCTION
            TO
ARTIFICIAL NEURAL NETWORKS
CONTENTS
‱ INTRODUCTION
‱ BIOLOGICAL NEURON MODEL
‱ ARTIFICIAL NEURON MODEL
‱ ARTIFICIAL NEURAL NETWORK
‱ NEURAL NETWORK ARCHITECTURE
‱ LEARNING
‱ BACKPROPAGATION ALGORITHM
‱ APPLICATIONS
‱ ADVANTAGES
‱ CONCLUSION
INTRODUCTION
‱ “Neural“ is an adjective for neuron, and “network” denotes a graph like
  structure.
‱ Artificial Neural Networks are also referred to as “neural nets” , “artificial
  neural systems”, “parallel distributed processing systems”, “connectionist
  systems”.
‱ For a computing systems to be called by these pretty names, it is necessary
  for the system to have a labeled directed graph structure where nodes
  performs some simple computations.
‱ “Directed Graph” consists of set of “nodes”(vertices) and a set of
  “connections”(edges/links/arcs) connecting pair of nodes.
‱ A graph is said to be “labeled graph” if each connection is associated with a
  label to identify some property of the connection
CONTD
                  multiplier

  x1Ï”{0,1}
                                                         x1
                                                                    w1    (x1 w1)
                         x1 x2
                                                                          (x2w2)
                                     o = x1 AND x2                                  o = x1 AND x2
                                                                    w2
x2Ï”{0,1}                                                 x2

Fig 1: AND gate graph                                Fig 2: AND gate network
 This graph cannot be considered a neural             The graph structure which connects the
 network since the connections between the            weights modifiable using a learning
 nodes are fixed and appear to play no other          algorithm, qualifies the computing
 role than carrying the inputs to the node that       system to be called an artificial neural
 computed their conjunction.                          networks.


 ‱ The field of neural network was pioneered by BERNARD WIDROW of Stanford University in
 1950’s.
BIOLOGICAL NEURON MODEL

Four parts of a typical nerve cell : -
‱ DENDRITES: Accepts the inputs
‱ SOMA : Process the inputs
‱ AXON : Turns the processed inputs into
        outputs.
‱ SYNAPSES : The electrochemical
             contact between the
             neurons.
ARTIFICIAL NEURON MODEL
‱ Inputs to the network are represented by the
                                                    x1
  mathematical symbol, xn                                 w1

‱ Each of these inputs are multiplied by a               w2        f(w1 x1 + 

+ wnxn)
  connection weight , wn                            x2
                                                                   f

        sum = w1 x1 + 

+ wnxn
‱ These products are simply summed, fed                       wn
  through the transfer function, f( ) to generate
                                                    xn
  a result and then output.
TERMINOLOGY

Biological Terminology   Artificial Neural Network Terminology


Neuron                   Node/Unit/Cell/Neurode

Synapse                  Connection/Edge/Link

Synaptic Efficiency      Connection Strength/Weight

Firing frequency         Node output
ARTIFICIAL NEURAL NETWORK
‱ Artificial Neural Network (ANNs) are programs designed to solve
  any problem by trying to mimic the structure and the function of our
  nervous system.
‱ Neural networks are based on simulated neurons, Which are joined
  together in a variety of ways to form networks.
‱ Neural network resembles the human brain in the following two
  ways: -
       * A neural network acquires knowledge through learning.
       *A neural network’s knowledge is stored within the
        interconnection strengths known as synaptic weight.
CONTD


              ARTIFICIAL NEURAL NETWORK MODEL

                Hidden layers

  connections                                                                           Desired
                                                                                        output
                                                         Neural network
                                               Input                        Actual
                                                         Including          output
                                output layer                                                      output
                                                         connections                 Comp
                                                         (called weights)            are
                                                         between neuron
Input layer




  Fig 1 : artificial neural network model              Figure showing adjust of neural network
NEURAL NETWORK ARCHITECTURES

                     Hidden node
Input node




Input node             output node
                                           Layer0                           Layer3
                                        (Input layer)                       (Output layer)
 output node                                            Layer 1    Layer2

                                                            Hidden Layer
    Fig: fully connected network
                                                         fig: layered network
The neural network in which every node is
connected to every other nodes, and
these connections may be either                 These are networks in which nodes are
excitatory (positive weights), inhibitory       partitioned into subsets called layers, with
(negative weights), or irrelevant (almost       no connections from layer j to k if j > k.
zero weights).
CONTD





   Layer0                           Layer3
(Input layer)                       (Output layer)      Layer0                               Layer3
                Layer 1    Layer2
                                                      (Input layer)                       (Output layer)
                                                                      Layer 1    Layer2
                    Hidden Layer

                                                                         Hidden Layer
                 Fig : Acyclic network                        fig : Feedforward network
      This is the subclass of the layered
      networks in which there is no intra-layer
      connections. In other words, a                     This is a subclass of acyclic
      connection may exist between any node              networks in which a connection is
      in layer i and any node in layer j for i < j,      allowed from a node in layer i only
      but a connection is not allowed for i=j.           to nodes in layer i+1
CONTD





         Fig : Modular neural network

         Many problems are best solved using neural networks whose
         architecture consists of several modules, with sparse
         interconnections between them. Modules can be organized in
         several different ways as Hierarchial organization, Successive
         refinement, Input modularity
LEARNING
‱ Neurons in an animal’s brain are “hard wired”. It is equally obvious that
  animals, especially higher order animals, learn as they grow.
‱ How does this learning occur?
‱ What are possible mathematical models of learning?
‱ In artificial neural networks, learning refers to the method of
  modifying the weights of connections between the nodes of a
  specified network.
‱ The learning ability of a neural network is determined by its
  architecture and by the algorithmic method chosen for training.
CONTD


 SU PE R VISED L E A R N ING                U N SU PE RVISED L E A R NING

‱ A teacher is available to indicate        ‱ This is learning by doing.
  whether a system is performing
  correctly, or to indicate the amount of   ‱ In this approach no sample
  error in system performance. Here a         outputs are provided to the
  teacher is a set of training data.          network against which it can
‱ The training data consist of pairs of       measure its predictive
  input and desired output values that        performance for a given vector of
  are traditionally represented in data       inputs.
  vectors.
                                            ‱ One common form of
‱ Supervised learning can also be             unsupervised learning is
  referred as classification, where we        clustering where we try to
  have a wide range of classifiers,
  (Multilayer perceptron, k nearest           categorize data in different
  neighbor..etc)                              clusters by their similarity.
THE BACKPROPAGATION ALGORITHM

‱ The backpropagation algorithm (Rumelhart and McClelland, 1986) is
  used in layered feed-forward Artificial Neural Networks.
‱ Back propagation is a multi-layer feed forward, supervised learning
  network based on gradient descent learning rule.
‱ we provide the algorithm with examples of the inputs and outputs we
  want the network to compute, and then the error (difference
  between actual and expected results) is calculated.
‱ The idea of the backpropagation algorithm is to reduce this error,
  until the Artificial Neural Network learns the training data.
‱ The activation function of the artificial neurons in ANNs
  implementing the backpropagation algorithm is a
  weighted sum (the sum of the inputs xi multiplied by their
  respective weights wji)                                   Inputs, x

                                                                                        output

‱ The most common output function is the sigmoidal
  function:


‱ Since the error is the difference between the actual and
                                                                        Weights, v   weights, w
  the desired output, the error depends on the weights, and
  we need to adjust the weights in order to minimize the
  error. We can define the error function for the output of        Fig: Basic Block of
                                                                   Back propagation neural network
  each neuron:
CONTD

‱ The backpropagation algorithm now calculates how the error depends on the
  output, inputs, and weights.


 the adjustment of each weight (Δwji ) will be the negative of a constant eta (η)
 multiplied by the dependance of the “wji” previous weight on the error of the network.
‱ First, we need to calculate how much the error depends on the output


‱ Next, how much the output depends on the activation, which in turn depends on the
  weights


‱ And so, the adjustment to each weight will be
CONTD


  ‱ If we want to adjust vik, the weights (let’s call them vik ) of a previous
    layer, we need first to calculate how the error depends not on the
    weight, but in the input from the previous layer i.e. replacing w by x
    as shown in below equation.
                                                              Inputs, x

                                                                                          output

                                   where



  ‱ and
                                                                          Weights, v   weights, w
NEURAL NETWORK
APPLICATIONS
ADVANTAGES
‱ It involves human like thinking.
‱ They handle noisy or missing data.
‱ They can work with large number of variables or parameters.
‱ They provide general solutions with good predictive accuracy.
‱ System has got property of continuous learning.
‱ They deal with the non-linearity in the world in which we live.
CONCLUSION
Artificial neural network

Mais conteĂșdo relacionado

Mais procurados

Convolutional Neural Networks
Convolutional Neural NetworksConvolutional Neural Networks
Convolutional Neural NetworksAshray Bhandare
 
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...Simplilearn
 
Artificial neural networks and its applications
Artificial neural networks and its applications Artificial neural networks and its applications
Artificial neural networks and its applications PoojaKoshti2
 
Artifical Neural Network and its applications
Artifical Neural Network and its applicationsArtifical Neural Network and its applications
Artifical Neural Network and its applicationsSangeeta Tiwari
 
Perceptron (neural network)
Perceptron (neural network)Perceptron (neural network)
Perceptron (neural network)EdutechLearners
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkKnoldus Inc.
 
Genetic algorithm ppt
Genetic algorithm pptGenetic algorithm ppt
Genetic algorithm pptMayank Jain
 
Perceptron & Neural Networks
Perceptron & Neural NetworksPerceptron & Neural Networks
Perceptron & Neural NetworksNAGUR SHAREEF SHAIK
 
Deep learning
Deep learningDeep learning
Deep learningMohamed Loey
 
Machine learning seminar ppt
Machine learning seminar pptMachine learning seminar ppt
Machine learning seminar pptRAHUL DANGWAL
 
Activation functions and Training Algorithms for Deep Neural network
Activation functions and Training Algorithms for Deep Neural networkActivation functions and Training Algorithms for Deep Neural network
Activation functions and Training Algorithms for Deep Neural networkGayatri Khanvilkar
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Gaurav Mittal
 
Activation function
Activation functionActivation function
Activation functionAstha Jain
 
Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)SwatiTripathi44
 
Classification and Regression
Classification and RegressionClassification and Regression
Classification and RegressionMegha Sharma
 
Multilayer perceptron
Multilayer perceptronMultilayer perceptron
Multilayer perceptronomaraldabash
 
Artificial Neural Networks Lect3: Neural Network Learning rules
Artificial Neural Networks Lect3: Neural Network Learning rulesArtificial Neural Networks Lect3: Neural Network Learning rules
Artificial Neural Networks Lect3: Neural Network Learning rulesMohammed Bennamoun
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningLior Rokach
 
Activation functions
Activation functionsActivation functions
Activation functionsPRATEEK SAHU
 

Mais procurados (20)

Convolutional Neural Networks
Convolutional Neural NetworksConvolutional Neural Networks
Convolutional Neural Networks
 
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
 
Artificial neural networks and its applications
Artificial neural networks and its applications Artificial neural networks and its applications
Artificial neural networks and its applications
 
Artifical Neural Network and its applications
Artifical Neural Network and its applicationsArtifical Neural Network and its applications
Artifical Neural Network and its applications
 
Perceptron (neural network)
Perceptron (neural network)Perceptron (neural network)
Perceptron (neural network)
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Genetic algorithm ppt
Genetic algorithm pptGenetic algorithm ppt
Genetic algorithm ppt
 
Perceptron & Neural Networks
Perceptron & Neural NetworksPerceptron & Neural Networks
Perceptron & Neural Networks
 
Deep learning
Deep learningDeep learning
Deep learning
 
Machine learning seminar ppt
Machine learning seminar pptMachine learning seminar ppt
Machine learning seminar ppt
 
Activation functions and Training Algorithms for Deep Neural network
Activation functions and Training Algorithms for Deep Neural networkActivation functions and Training Algorithms for Deep Neural network
Activation functions and Training Algorithms for Deep Neural network
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
Activation function
Activation functionActivation function
Activation function
 
Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)
 
Mc culloch pitts neuron
Mc culloch pitts neuronMc culloch pitts neuron
Mc culloch pitts neuron
 
Classification and Regression
Classification and RegressionClassification and Regression
Classification and Regression
 
Multilayer perceptron
Multilayer perceptronMultilayer perceptron
Multilayer perceptron
 
Artificial Neural Networks Lect3: Neural Network Learning rules
Artificial Neural Networks Lect3: Neural Network Learning rulesArtificial Neural Networks Lect3: Neural Network Learning rules
Artificial Neural Networks Lect3: Neural Network Learning rules
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Activation functions
Activation functionsActivation functions
Activation functions
 

Destaque

Artificial Intelligence Presentation
Artificial Intelligence PresentationArtificial Intelligence Presentation
Artificial Intelligence Presentationlpaviglianiti
 
Tutorial on Deep learning and Applications
Tutorial on Deep learning and ApplicationsTutorial on Deep learning and Applications
Tutorial on Deep learning and ApplicationsNhatHai Phan
 
Introduction to Big Data/Machine Learning
Introduction to Big Data/Machine LearningIntroduction to Big Data/Machine Learning
Introduction to Big Data/Machine LearningLars Marius Garshol
 
An Introduction to Supervised Machine Learning and Pattern Classification: Th...
An Introduction to Supervised Machine Learning and Pattern Classification: Th...An Introduction to Supervised Machine Learning and Pattern Classification: Th...
An Introduction to Supervised Machine Learning and Pattern Classification: Th...Sebastian Raschka
 
Deep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDeep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDevashish Shanker
 
Introduction Of Artificial neural network
Introduction Of Artificial neural networkIntroduction Of Artificial neural network
Introduction Of Artificial neural networkNagarajan
 
Artificial neural networks
Artificial neural networksArtificial neural networks
Artificial neural networksstellajoseph
 
Hands-on Deep Learning in Python
Hands-on Deep Learning in PythonHands-on Deep Learning in Python
Hands-on Deep Learning in PythonImry Kissos
 
How to Interview a Data Scientist
How to Interview a Data ScientistHow to Interview a Data Scientist
How to Interview a Data ScientistDaniel Tunkelang
 
Hadoop and Machine Learning
Hadoop and Machine LearningHadoop and Machine Learning
Hadoop and Machine Learningjoshwills
 
A Statistician's View on Big Data and Data Science (Version 1)
A Statistician's View on Big Data and Data Science (Version 1)A Statistician's View on Big Data and Data Science (Version 1)
A Statistician's View on Big Data and Data Science (Version 1)Prof. Dr. Diego Kuonen
 
Data By The People, For The People
Data By The People, For The PeopleData By The People, For The People
Data By The People, For The PeopleDaniel Tunkelang
 
10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning Systems10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning SystemsXavier Amatriain
 
Big Data [sorry] & Data Science: What Does a Data Scientist Do?
Big Data [sorry] & Data Science: What Does a Data Scientist Do?Big Data [sorry] & Data Science: What Does a Data Scientist Do?
Big Data [sorry] & Data Science: What Does a Data Scientist Do?Data Science London
 
A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013Philip Zheng
 
How to Become a Data Scientist
How to Become a Data ScientistHow to Become a Data Scientist
How to Become a Data Scientistryanorban
 
Introduction to Mahout and Machine Learning
Introduction to Mahout and Machine LearningIntroduction to Mahout and Machine Learning
Introduction to Mahout and Machine LearningVarad Meru
 
Machine Learning and Data Mining: 12 Classification Rules
Machine Learning and Data Mining: 12 Classification RulesMachine Learning and Data Mining: 12 Classification Rules
Machine Learning and Data Mining: 12 Classification RulesPier Luca Lanzi
 
Myths and Mathemagical Superpowers of Data Scientists
Myths and Mathemagical Superpowers of Data ScientistsMyths and Mathemagical Superpowers of Data Scientists
Myths and Mathemagical Superpowers of Data ScientistsDavid Pittman
 
neural network
neural networkneural network
neural networkSTUDENT
 

Destaque (20)

Artificial Intelligence Presentation
Artificial Intelligence PresentationArtificial Intelligence Presentation
Artificial Intelligence Presentation
 
Tutorial on Deep learning and Applications
Tutorial on Deep learning and ApplicationsTutorial on Deep learning and Applications
Tutorial on Deep learning and Applications
 
Introduction to Big Data/Machine Learning
Introduction to Big Data/Machine LearningIntroduction to Big Data/Machine Learning
Introduction to Big Data/Machine Learning
 
An Introduction to Supervised Machine Learning and Pattern Classification: Th...
An Introduction to Supervised Machine Learning and Pattern Classification: Th...An Introduction to Supervised Machine Learning and Pattern Classification: Th...
An Introduction to Supervised Machine Learning and Pattern Classification: Th...
 
Deep Learning for Natural Language Processing
Deep Learning for Natural Language ProcessingDeep Learning for Natural Language Processing
Deep Learning for Natural Language Processing
 
Introduction Of Artificial neural network
Introduction Of Artificial neural networkIntroduction Of Artificial neural network
Introduction Of Artificial neural network
 
Artificial neural networks
Artificial neural networksArtificial neural networks
Artificial neural networks
 
Hands-on Deep Learning in Python
Hands-on Deep Learning in PythonHands-on Deep Learning in Python
Hands-on Deep Learning in Python
 
How to Interview a Data Scientist
How to Interview a Data ScientistHow to Interview a Data Scientist
How to Interview a Data Scientist
 
Hadoop and Machine Learning
Hadoop and Machine LearningHadoop and Machine Learning
Hadoop and Machine Learning
 
A Statistician's View on Big Data and Data Science (Version 1)
A Statistician's View on Big Data and Data Science (Version 1)A Statistician's View on Big Data and Data Science (Version 1)
A Statistician's View on Big Data and Data Science (Version 1)
 
Data By The People, For The People
Data By The People, For The PeopleData By The People, For The People
Data By The People, For The People
 
10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning Systems10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning Systems
 
Big Data [sorry] & Data Science: What Does a Data Scientist Do?
Big Data [sorry] & Data Science: What Does a Data Scientist Do?Big Data [sorry] & Data Science: What Does a Data Scientist Do?
Big Data [sorry] & Data Science: What Does a Data Scientist Do?
 
A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013A tutorial on deep learning at icml 2013
A tutorial on deep learning at icml 2013
 
How to Become a Data Scientist
How to Become a Data ScientistHow to Become a Data Scientist
How to Become a Data Scientist
 
Introduction to Mahout and Machine Learning
Introduction to Mahout and Machine LearningIntroduction to Mahout and Machine Learning
Introduction to Mahout and Machine Learning
 
Machine Learning and Data Mining: 12 Classification Rules
Machine Learning and Data Mining: 12 Classification RulesMachine Learning and Data Mining: 12 Classification Rules
Machine Learning and Data Mining: 12 Classification Rules
 
Myths and Mathemagical Superpowers of Data Scientists
Myths and Mathemagical Superpowers of Data ScientistsMyths and Mathemagical Superpowers of Data Scientists
Myths and Mathemagical Superpowers of Data Scientists
 
neural network
neural networkneural network
neural network
 

Semelhante a Artificial neural network

Artificial neural network by arpit_sharma
Artificial neural network by arpit_sharmaArtificial neural network by arpit_sharma
Artificial neural network by arpit_sharmaEr. Arpit Sharma
 
artificialneuralnetwork-130409001108-phpapp02 (2).pptx
artificialneuralnetwork-130409001108-phpapp02 (2).pptxartificialneuralnetwork-130409001108-phpapp02 (2).pptx
artificialneuralnetwork-130409001108-phpapp02 (2).pptxREG83NITHYANANTHANN
 
Basics of Artificial Neural Network
Basics of Artificial Neural Network Basics of Artificial Neural Network
Basics of Artificial Neural Network Subham Preetam
 
Artificial neural networks
Artificial neural networks Artificial neural networks
Artificial neural networks ShwethaShreeS
 
Artificial Neural Networks ppt.pptx for final sem cse
Artificial Neural Networks  ppt.pptx for final sem cseArtificial Neural Networks  ppt.pptx for final sem cse
Artificial Neural Networks ppt.pptx for final sem cseNaveenBhajantri1
 
Acem neuralnetworks
Acem neuralnetworksAcem neuralnetworks
Acem neuralnetworksAastha Kohli
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learningRADO7900
 
Neural network
Neural networkNeural network
Neural networkDeepikaT13
 
ANN-lecture9
ANN-lecture9ANN-lecture9
ANN-lecture9Laila Fatehy
 
Neural Network
Neural NetworkNeural Network
Neural NetworkAshish Kumar
 
ANNs have been widely used in various domains for: Pattern recognition Funct...
ANNs have been widely used in various domains for: Pattern recognition  Funct...ANNs have been widely used in various domains for: Pattern recognition  Funct...
ANNs have been widely used in various domains for: Pattern recognition Funct...vijaym148
 
Neural Networks Ver1
Neural  Networks  Ver1Neural  Networks  Ver1
Neural Networks Ver1ncct
 
2011 0480.neural-networks
2011 0480.neural-networks2011 0480.neural-networks
2011 0480.neural-networksParneet Kaur
 

Semelhante a Artificial neural network (20)

Artificial neural network by arpit_sharma
Artificial neural network by arpit_sharmaArtificial neural network by arpit_sharma
Artificial neural network by arpit_sharma
 
artificialneuralnetwork-130409001108-phpapp02 (2).pptx
artificialneuralnetwork-130409001108-phpapp02 (2).pptxartificialneuralnetwork-130409001108-phpapp02 (2).pptx
artificialneuralnetwork-130409001108-phpapp02 (2).pptx
 
Basics of Artificial Neural Network
Basics of Artificial Neural Network Basics of Artificial Neural Network
Basics of Artificial Neural Network
 
Artificial neural networks
Artificial neural networks Artificial neural networks
Artificial neural networks
 
Artificial Neural Networks ppt.pptx for final sem cse
Artificial Neural Networks  ppt.pptx for final sem cseArtificial Neural Networks  ppt.pptx for final sem cse
Artificial Neural Networks ppt.pptx for final sem cse
 
ai7.ppt
ai7.pptai7.ppt
ai7.ppt
 
ai7.ppt
ai7.pptai7.ppt
ai7.ppt
 
Acem neuralnetworks
Acem neuralnetworksAcem neuralnetworks
Acem neuralnetworks
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
Neural network
Neural networkNeural network
Neural network
 
Neural network
Neural networkNeural network
Neural network
 
ANN-lecture9
ANN-lecture9ANN-lecture9
ANN-lecture9
 
Neural Network
Neural NetworkNeural Network
Neural Network
 
071bct537 lab4
071bct537 lab4071bct537 lab4
071bct537 lab4
 
ANNs have been widely used in various domains for: Pattern recognition Funct...
ANNs have been widely used in various domains for: Pattern recognition  Funct...ANNs have been widely used in various domains for: Pattern recognition  Funct...
ANNs have been widely used in various domains for: Pattern recognition Funct...
 
Multi Layer Network
Multi Layer NetworkMulti Layer Network
Multi Layer Network
 
MNN
MNNMNN
MNN
 
Neural Networks Ver1
Neural  Networks  Ver1Neural  Networks  Ver1
Neural Networks Ver1
 
Neural
NeuralNeural
Neural
 
2011 0480.neural-networks
2011 0480.neural-networks2011 0480.neural-networks
2011 0480.neural-networks
 

Último

Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, AdobeApidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobeapidays
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FMESafe Software
 
Mcleodganj Call Girls đŸ„° 8617370543 Service Offer VIP Hot Model
Mcleodganj Call Girls đŸ„° 8617370543 Service Offer VIP Hot ModelMcleodganj Call Girls đŸ„° 8617370543 Service Offer VIP Hot Model
Mcleodganj Call Girls đŸ„° 8617370543 Service Offer VIP Hot ModelDeepika Singh
 
Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherRemote DBA Services
 
Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...
Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...
Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...Angeliki Cooney
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfsudhanshuwaghmare1
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoffsammart93
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FMESafe Software
 
MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MIND CTI
 
Vector Search -An Introduction in Oracle Database 23ai.pptx
Vector Search -An Introduction in Oracle Database 23ai.pptxVector Search -An Introduction in Oracle Database 23ai.pptx
Vector Search -An Introduction in Oracle Database 23ai.pptxRemote DBA Services
 
Corporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxCorporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxRustici Software
 
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...Jeffrey Haguewood
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024The Digital Insurer
 
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWEREMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWERMadyBayot
 
CNIC Information System with Pakdata Cf In Pakistan
CNIC Information System with Pakdata Cf In PakistanCNIC Information System with Pakdata Cf In Pakistan
CNIC Information System with Pakdata Cf In Pakistandanishmna97
 
Understanding the FAA Part 107 License ..
Understanding the FAA Part 107 License ..Understanding the FAA Part 107 License ..
Understanding the FAA Part 107 License ..Christopher Logan Kennedy
 
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...apidays
 
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...apidays
 
Rising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdf
Rising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdfRising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdf
Rising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdfOrbitshub
 
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost SavingRepurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost SavingEdi Saputra
 

Último (20)

Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, AdobeApidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
Apidays New York 2024 - Scaling API-first by Ian Reasor and Radu Cotescu, Adobe
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
 
Mcleodganj Call Girls đŸ„° 8617370543 Service Offer VIP Hot Model
Mcleodganj Call Girls đŸ„° 8617370543 Service Offer VIP Hot ModelMcleodganj Call Girls đŸ„° 8617370543 Service Offer VIP Hot Model
Mcleodganj Call Girls đŸ„° 8617370543 Service Offer VIP Hot Model
 
Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a Fresher
 
Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...
Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...
Biography Of Angeliki Cooney | Senior Vice President Life Sciences | Albany, ...
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
 
MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024MINDCTI Revenue Release Quarter One 2024
MINDCTI Revenue Release Quarter One 2024
 
Vector Search -An Introduction in Oracle Database 23ai.pptx
Vector Search -An Introduction in Oracle Database 23ai.pptxVector Search -An Introduction in Oracle Database 23ai.pptx
Vector Search -An Introduction in Oracle Database 23ai.pptx
 
Corporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptxCorporate and higher education May webinar.pptx
Corporate and higher education May webinar.pptx
 
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024
 
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWEREMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
EMPOWERMENT TECHNOLOGY GRADE 11 QUARTER 2 REVIEWER
 
CNIC Information System with Pakdata Cf In Pakistan
CNIC Information System with Pakdata Cf In PakistanCNIC Information System with Pakdata Cf In Pakistan
CNIC Information System with Pakdata Cf In Pakistan
 
Understanding the FAA Part 107 License ..
Understanding the FAA Part 107 License ..Understanding the FAA Part 107 License ..
Understanding the FAA Part 107 License ..
 
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
Apidays New York 2024 - Accelerating FinTech Innovation by Vasa Krishnan, Fin...
 
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
Apidays New York 2024 - APIs in 2030: The Risk of Technological Sleepwalk by ...
 
Rising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdf
Rising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdfRising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdf
Rising Above_ Dubai Floods and the Fortitude of Dubai International Airport.pdf
 
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost SavingRepurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
Repurposing LNG terminals for Hydrogen Ammonia: Feasibility and Cost Saving
 

Artificial neural network

  • 1. INTRODUCTION TO ARTIFICIAL NEURAL NETWORKS
  • 2. CONTENTS ‱ INTRODUCTION ‱ BIOLOGICAL NEURON MODEL ‱ ARTIFICIAL NEURON MODEL ‱ ARTIFICIAL NEURAL NETWORK ‱ NEURAL NETWORK ARCHITECTURE ‱ LEARNING ‱ BACKPROPAGATION ALGORITHM ‱ APPLICATIONS ‱ ADVANTAGES ‱ CONCLUSION
  • 3. INTRODUCTION ‱ “Neural“ is an adjective for neuron, and “network” denotes a graph like structure. ‱ Artificial Neural Networks are also referred to as “neural nets” , “artificial neural systems”, “parallel distributed processing systems”, “connectionist systems”. ‱ For a computing systems to be called by these pretty names, it is necessary for the system to have a labeled directed graph structure where nodes performs some simple computations. ‱ “Directed Graph” consists of set of “nodes”(vertices) and a set of “connections”(edges/links/arcs) connecting pair of nodes. ‱ A graph is said to be “labeled graph” if each connection is associated with a label to identify some property of the connection
  • 4. CONTD
 multiplier x1Ï”{0,1} x1 w1 (x1 w1) x1 x2 (x2w2) o = x1 AND x2 o = x1 AND x2 w2 x2Ï”{0,1} x2 Fig 1: AND gate graph Fig 2: AND gate network This graph cannot be considered a neural The graph structure which connects the network since the connections between the weights modifiable using a learning nodes are fixed and appear to play no other algorithm, qualifies the computing role than carrying the inputs to the node that system to be called an artificial neural computed their conjunction. networks. ‱ The field of neural network was pioneered by BERNARD WIDROW of Stanford University in 1950’s.
  • 5. BIOLOGICAL NEURON MODEL Four parts of a typical nerve cell : - ‱ DENDRITES: Accepts the inputs ‱ SOMA : Process the inputs ‱ AXON : Turns the processed inputs into outputs. ‱ SYNAPSES : The electrochemical contact between the neurons.
  • 6. ARTIFICIAL NEURON MODEL ‱ Inputs to the network are represented by the x1 mathematical symbol, xn w1 ‱ Each of these inputs are multiplied by a w2 f(w1 x1 + 

+ wnxn) connection weight , wn x2 f sum = w1 x1 + 

+ wnxn ‱ These products are simply summed, fed wn through the transfer function, f( ) to generate xn a result and then output.
  • 7. TERMINOLOGY Biological Terminology Artificial Neural Network Terminology Neuron Node/Unit/Cell/Neurode Synapse Connection/Edge/Link Synaptic Efficiency Connection Strength/Weight Firing frequency Node output
  • 8. ARTIFICIAL NEURAL NETWORK ‱ Artificial Neural Network (ANNs) are programs designed to solve any problem by trying to mimic the structure and the function of our nervous system. ‱ Neural networks are based on simulated neurons, Which are joined together in a variety of ways to form networks. ‱ Neural network resembles the human brain in the following two ways: - * A neural network acquires knowledge through learning. *A neural network’s knowledge is stored within the interconnection strengths known as synaptic weight.
  • 9. CONTD
 ARTIFICIAL NEURAL NETWORK MODEL Hidden layers connections Desired output Neural network Input Actual Including output output layer output connections Comp (called weights) are between neuron Input layer Fig 1 : artificial neural network model Figure showing adjust of neural network
  • 10. NEURAL NETWORK ARCHITECTURES Hidden node Input node Input node output node Layer0 Layer3 (Input layer) (Output layer) output node Layer 1 Layer2 Hidden Layer Fig: fully connected network fig: layered network The neural network in which every node is connected to every other nodes, and these connections may be either These are networks in which nodes are excitatory (positive weights), inhibitory partitioned into subsets called layers, with (negative weights), or irrelevant (almost no connections from layer j to k if j > k. zero weights).
  • 11. CONTD
 Layer0 Layer3 (Input layer) (Output layer) Layer0 Layer3 Layer 1 Layer2 (Input layer) (Output layer) Layer 1 Layer2 Hidden Layer Hidden Layer Fig : Acyclic network fig : Feedforward network This is the subclass of the layered networks in which there is no intra-layer connections. In other words, a This is a subclass of acyclic connection may exist between any node networks in which a connection is in layer i and any node in layer j for i < j, allowed from a node in layer i only but a connection is not allowed for i=j. to nodes in layer i+1
  • 12. CONTD
 Fig : Modular neural network Many problems are best solved using neural networks whose architecture consists of several modules, with sparse interconnections between them. Modules can be organized in several different ways as Hierarchial organization, Successive refinement, Input modularity
  • 13. LEARNING ‱ Neurons in an animal’s brain are “hard wired”. It is equally obvious that animals, especially higher order animals, learn as they grow. ‱ How does this learning occur? ‱ What are possible mathematical models of learning? ‱ In artificial neural networks, learning refers to the method of modifying the weights of connections between the nodes of a specified network. ‱ The learning ability of a neural network is determined by its architecture and by the algorithmic method chosen for training.
  • 14. CONTD
 SU PE R VISED L E A R N ING U N SU PE RVISED L E A R NING ‱ A teacher is available to indicate ‱ This is learning by doing. whether a system is performing correctly, or to indicate the amount of ‱ In this approach no sample error in system performance. Here a outputs are provided to the teacher is a set of training data. network against which it can ‱ The training data consist of pairs of measure its predictive input and desired output values that performance for a given vector of are traditionally represented in data inputs. vectors. ‱ One common form of ‱ Supervised learning can also be unsupervised learning is referred as classification, where we clustering where we try to have a wide range of classifiers, (Multilayer perceptron, k nearest categorize data in different neighbor..etc) clusters by their similarity.
  • 15. THE BACKPROPAGATION ALGORITHM ‱ The backpropagation algorithm (Rumelhart and McClelland, 1986) is used in layered feed-forward Artificial Neural Networks. ‱ Back propagation is a multi-layer feed forward, supervised learning network based on gradient descent learning rule. ‱ we provide the algorithm with examples of the inputs and outputs we want the network to compute, and then the error (difference between actual and expected results) is calculated. ‱ The idea of the backpropagation algorithm is to reduce this error, until the Artificial Neural Network learns the training data.
  • 16. ‱ The activation function of the artificial neurons in ANNs implementing the backpropagation algorithm is a weighted sum (the sum of the inputs xi multiplied by their respective weights wji) Inputs, x output ‱ The most common output function is the sigmoidal function: ‱ Since the error is the difference between the actual and Weights, v weights, w the desired output, the error depends on the weights, and we need to adjust the weights in order to minimize the error. We can define the error function for the output of Fig: Basic Block of Back propagation neural network each neuron:
  • 17. CONTD
 ‱ The backpropagation algorithm now calculates how the error depends on the output, inputs, and weights. the adjustment of each weight (Δwji ) will be the negative of a constant eta (η) multiplied by the dependance of the “wji” previous weight on the error of the network. ‱ First, we need to calculate how much the error depends on the output ‱ Next, how much the output depends on the activation, which in turn depends on the weights ‱ And so, the adjustment to each weight will be
  • 18. CONTD
 ‱ If we want to adjust vik, the weights (let’s call them vik ) of a previous layer, we need first to calculate how the error depends not on the weight, but in the input from the previous layer i.e. replacing w by x as shown in below equation. Inputs, x output where ‱ and Weights, v weights, w
  • 20. ADVANTAGES ‱ It involves human like thinking. ‱ They handle noisy or missing data. ‱ They can work with large number of variables or parameters. ‱ They provide general solutions with good predictive accuracy. ‱ System has got property of continuous learning. ‱ They deal with the non-linearity in the world in which we live.