SlideShare a Scribd company logo
3
Most read
7
Most read
14
Most read
NEURAL NETWORKS AND DEEP
LEARNING
Submitted by:
MAYANK CHOUDHARY
Roll. No. 35515002818
Serial no. 57 ECE-1
What are neural networks?
Neural networks, also known as artificial neural
networks (ANNs) or simulated neural net-works
(SNNs), are a subset of machine learning and are at
the heart of deep learn-ing algorithms. Their name
and structure are inspired by the human brain,
mimicking the way that biological neurons signal to
one another. Artificial neural networks (ANNs) are
comprised of a node layers, containing an input
layer, one or more hidden layers, and an output
layer. Each node, or artificial neuron, connects to
another and has an associated weight and
threshold. If the output of any individual node is
above the specified threshold value, that node is
activated, sending data to the next layer of the
network. Otherwise, no data is passed along to the
next layer of the net-work.
Different types of Neural Networks in Deep
Learning
•Artificial Neural Networks (ANN)
•Convolution Neural Networks (CNN)
•Recurrent Neural Networks (RNN)
Standard/Artificial Neural Network (ANN)
A single perceptron (or neuron) can be imagined as a
Logistic Regression. Artificial Neural Network, or ANN, is a
group of multiple perceptrons/ neurons at each layer. ANN is
also known as a Feed-Forward Neural network because
inputs are processed only in the forward direction:
Artificial Neural Network is capable
of learning any nonlinear function.
Hence, these networks are
popularly known as Universal
Function Approximators. ANNs have
the capacity to learn weights that
map any input to the output. One of
the main reasons behind universal
approximation is the activation
function. Activation functions
introduce nonlinear properties to the
network. This helps the network
learn any complex relationship
between input and output.
Recurrent Neural Network (RNN)
A looping constraint on the hidden layer of
ANN turns to RNN. • RNN captures the
sequential information present in the input
data i.e. dependency be-tween the words
in the text while making predictions:
• RNNs share the parameters across
different time steps. This is popularly
known as Parameter Sharing. This results
in fewer parameters to train and
decreases the computational cost
Convolution Neural Network (CNN)
Convolutional neural networks (CNN) are all the rage in
the deep learning community right now. These CNN
models are being used across different applications and
domains, and they’re especially prevalent in image and
video processing projects.
• CNN learns the filters automatically without mentioning it
explicitly. These filters help in extracting the right and
relevant features from the input data. • CNN captures the
spatial features from an image. Spatial features refer to
the ar-rangement of pixels and the relationship between
them in an image. They help us in identifying the object
accurately, the location of an object, as well as its relation
with other objects in an image.
Logistic Regression as a Neural
Network
Logistic regression is a binary classification method. It can
be modelled as a function that can take in any number of
inputs and constrain the output to be between 0 and 1.
This means, we can think of Logistic Regression as a one-
layer neural network. For a binary output, if the true label
is y (y = 0 or y = 1) and y_hat is the predicted output –
then y_hat represents the probability that y = 1 - given
inputs w and x. Therefore, the probability that y = 0 given
inputs w and x is (1 - y_hat), as shown below.
What is a Gradient?
A gradient measures how much the output of a function
changes if you change the inputs a little bit It simply
measures the change in all weights with regard to the
change in error. You can also think of a gradient as the
slope of a function. The higher the gradient, the steeper
the slope and the faster a model can learn. But if the slope
is zero, the model stops learning. Said it more
mathematically, a gradient is a partial derivative with
respect to its inputs.
What is Vectorization ?
Vectorization is used to speed up the Python code without
using loop. Using such a function can help in minimizing
the running time of code efficiently. Various operations are
being performed over vector such as dot product of
vectors which is also known as scalar product as it
produces single output, outer products which results in
square matrix of dimension equal to length X length of the
vectors, Element wise multiplication which products the
element of same indexes and dimension of the matrix
remain unchanged.
We reshape and standardize the images before feeding
them to the network. The code is given in the cell below.
Image to vector conversion
Deep Neural Network for Image
Classification: Application
Let's first import all the packages that you will need during this assignment.
 numpy is the fundamental package for scientific computing with Python.
 matplotlib is a library to plot graphs in Python.
 h5py is a common package to interact with a dataset that is stored on an H5
file.
 PIL and scipy are used here to test your model with your own picture at the
end.
 dnn_app_utils provides the functions implemented in the "Building your Deep
Neural Network: Step by Step" assignment to this notebook.
 np.random.seed(1) is used to keep all the random function calls consistent. It
will help us grade your work.
Packages
2-layer deep neural network
We will build a Deep neural network to distinguish cat images from non-cat images. However, here is a
simplified network representation:
 The input is a (64,64,3) image which is flattened to a
vector of size (12288,1)(12288,1).
 The corresponding
vector: [x0,x1,...,x12287]T[x0,x1,...,x12287]T is then
multiplied by the weight matrix W[1]W[1] of
size (n[1],12288)(n[1],12288).
 You then add a bias term and take its relu to get the
following
vector: [a[1]0,a[1]1,...,a[1]n[1]−1]T[a0[1],a1[1],...,an[1]−
1[1]]T.
 You then repeat the same process.
Results Analysis
First, let's take a look at some images the L-layer model
labeled incorrectly. This will show a few mislabeled
images.
A few types of images the model tends to do poorly on include:
 Cat body in an unusual position
 Cat appears against a background of a similar color
 Unusual cat color and species
 Camera Angle
 Brightness of the picture
 Scale variation (cat is very large or small in image)
Biblography
◦ Coursera: The course is offered by DeepLearning.AI
◦ Wikipedia
◦ Google images
THANK YOU

More Related Content

PPTX
Support Vector Machine ppt presentation
PDF
Hybrid Systems using Fuzzy, NN and GA (Soft Computing)
PPTX
Deep Learning - RNN and CNN
PPTX
Overfitting & Underfitting
PPTX
Artificial neural networks and its applications
PPT
Neural network final NWU 4.3 Graphics Course
PPTX
Basics of Soft Computing
PPTX
Genetic algorithm
Support Vector Machine ppt presentation
Hybrid Systems using Fuzzy, NN and GA (Soft Computing)
Deep Learning - RNN and CNN
Overfitting & Underfitting
Artificial neural networks and its applications
Neural network final NWU 4.3 Graphics Course
Basics of Soft Computing
Genetic algorithm

What's hot (20)

PDF
Linear regression
PPT
Artificial Neural Network seminar presentation using ppt.
PPTX
Neuro-fuzzy systems
PPTX
Artificial nueral network slideshare
PDF
Storage organization and stack allocation of space
PPT
Artificial neural network
PPTX
Activation function
PDF
Natural language processing
PPT
backpropagation in neural networks
PPTX
Brute force method
PPT
PPT
Soft Computing-173101
PPTX
Neural network & its applications
PDF
Artificial Neural Networks Lect3: Neural Network Learning rules
PPT
Heuristic Search Techniques Unit -II.ppt
PPTX
Introduction Of Artificial neural network
PPTX
Support vector machines (svm)
PPT
Back propagation
PDF
Syntax Directed Definition and its applications
PDF
Machine Learning: Generative and Discriminative Models
Linear regression
Artificial Neural Network seminar presentation using ppt.
Neuro-fuzzy systems
Artificial nueral network slideshare
Storage organization and stack allocation of space
Artificial neural network
Activation function
Natural language processing
backpropagation in neural networks
Brute force method
Soft Computing-173101
Neural network & its applications
Artificial Neural Networks Lect3: Neural Network Learning rules
Heuristic Search Techniques Unit -II.ppt
Introduction Of Artificial neural network
Support vector machines (svm)
Back propagation
Syntax Directed Definition and its applications
Machine Learning: Generative and Discriminative Models
Ad

Similar to Neural networks and deep learning (20)

PPTX
1.Introduction to Artificial Neural Networks.pptx
PPTX
1.Introduction to Artificial Neural Networks.pptx
PDF
Intro to Neural Networks
PDF
Neural Nets Deconstructed
PDF
M7 - Neural Networks in machine learning.pdf
PPTX
Automatic Attendace using convolutional neural network Face Recognition
PPTX
Chapter Four Deep Learning artificial intelligence .pptx
PPTX
ML in Astronomy - Workshop 1.pptx
PPTX
Introduction to deep learning
PDF
Neural network book. Interesting and precise
PPTX
Deep Learning
PDF
Deep Learning Study _ FInalwithCNN_RNN_LSTM_GRU.pdf
PDF
Deep Learning & Tensor flow: An Intro
PDF
Neural Networks Basic Concepts and Deep Learning
PDF
Neural networks with python
PPTX
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
PPTX
Artificial Intelligence, Machine Learning and Deep Learning
PPTX
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
PDF
Deep Learning (DL) from Scratch
PPTX
An introduction to Deep Learning
1.Introduction to Artificial Neural Networks.pptx
1.Introduction to Artificial Neural Networks.pptx
Intro to Neural Networks
Neural Nets Deconstructed
M7 - Neural Networks in machine learning.pdf
Automatic Attendace using convolutional neural network Face Recognition
Chapter Four Deep Learning artificial intelligence .pptx
ML in Astronomy - Workshop 1.pptx
Introduction to deep learning
Neural network book. Interesting and precise
Deep Learning
Deep Learning Study _ FInalwithCNN_RNN_LSTM_GRU.pdf
Deep Learning & Tensor flow: An Intro
Neural Networks Basic Concepts and Deep Learning
Neural networks with python
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
Artificial Intelligence, Machine Learning and Deep Learning
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
Deep Learning (DL) from Scratch
An introduction to Deep Learning
Ad

More from RADO7900 (12)

PPTX
AI in Agriculture ppt
PPT
Electronic nose
PPTX
Night vision technology
PPTX
Agrarian reforms In India after independence
PPTX
Rebranding
PPTX
Machine Learning - Regression model
PPTX
Group Discussion topic - Strategies
PDF
Emotion detection using cnn.pptx
PPTX
Shakespeare ppt
PPTX
Facebook
PPT
Conventional energy sources
DOCX
Investigatory chemistry
AI in Agriculture ppt
Electronic nose
Night vision technology
Agrarian reforms In India after independence
Rebranding
Machine Learning - Regression model
Group Discussion topic - Strategies
Emotion detection using cnn.pptx
Shakespeare ppt
Facebook
Conventional energy sources
Investigatory chemistry

Recently uploaded (20)

PPT
Project quality management in manufacturing
PDF
Embodied AI: Ushering in the Next Era of Intelligent Systems
PPTX
MET 305 2019 SCHEME MODULE 2 COMPLETE.pptx
PDF
Well-logging-methods_new................
PPTX
Geodesy 1.pptx...............................................
PDF
The CXO Playbook 2025 – Future-Ready Strategies for C-Suite Leaders Cerebrai...
PDF
Digital Logic Computer Design lecture notes
PDF
composite construction of structures.pdf
PPTX
Lecture Notes Electrical Wiring System Components
PPTX
OOP with Java - Java Introduction (Basics)
PDF
July 2025 - Top 10 Read Articles in International Journal of Software Enginee...
PPTX
IOT PPTs Week 10 Lecture Material.pptx of NPTEL Smart Cities contd
PPT
CRASH COURSE IN ALTERNATIVE PLUMBING CLASS
PPTX
bas. eng. economics group 4 presentation 1.pptx
PDF
Enhancing Cyber Defense Against Zero-Day Attacks using Ensemble Neural Networks
PPTX
UNIT 4 Total Quality Management .pptx
PPTX
Welding lecture in detail for understanding
PPTX
Engineering Ethics, Safety and Environment [Autosaved] (1).pptx
PPTX
CH1 Production IntroductoryConcepts.pptx
PPTX
Internet of Things (IOT) - A guide to understanding
Project quality management in manufacturing
Embodied AI: Ushering in the Next Era of Intelligent Systems
MET 305 2019 SCHEME MODULE 2 COMPLETE.pptx
Well-logging-methods_new................
Geodesy 1.pptx...............................................
The CXO Playbook 2025 – Future-Ready Strategies for C-Suite Leaders Cerebrai...
Digital Logic Computer Design lecture notes
composite construction of structures.pdf
Lecture Notes Electrical Wiring System Components
OOP with Java - Java Introduction (Basics)
July 2025 - Top 10 Read Articles in International Journal of Software Enginee...
IOT PPTs Week 10 Lecture Material.pptx of NPTEL Smart Cities contd
CRASH COURSE IN ALTERNATIVE PLUMBING CLASS
bas. eng. economics group 4 presentation 1.pptx
Enhancing Cyber Defense Against Zero-Day Attacks using Ensemble Neural Networks
UNIT 4 Total Quality Management .pptx
Welding lecture in detail for understanding
Engineering Ethics, Safety and Environment [Autosaved] (1).pptx
CH1 Production IntroductoryConcepts.pptx
Internet of Things (IOT) - A guide to understanding

Neural networks and deep learning

  • 1. NEURAL NETWORKS AND DEEP LEARNING Submitted by: MAYANK CHOUDHARY Roll. No. 35515002818 Serial no. 57 ECE-1
  • 2. What are neural networks? Neural networks, also known as artificial neural networks (ANNs) or simulated neural net-works (SNNs), are a subset of machine learning and are at the heart of deep learn-ing algorithms. Their name and structure are inspired by the human brain, mimicking the way that biological neurons signal to one another. Artificial neural networks (ANNs) are comprised of a node layers, containing an input layer, one or more hidden layers, and an output layer. Each node, or artificial neuron, connects to another and has an associated weight and threshold. If the output of any individual node is above the specified threshold value, that node is activated, sending data to the next layer of the network. Otherwise, no data is passed along to the next layer of the net-work.
  • 3. Different types of Neural Networks in Deep Learning •Artificial Neural Networks (ANN) •Convolution Neural Networks (CNN) •Recurrent Neural Networks (RNN)
  • 4. Standard/Artificial Neural Network (ANN) A single perceptron (or neuron) can be imagined as a Logistic Regression. Artificial Neural Network, or ANN, is a group of multiple perceptrons/ neurons at each layer. ANN is also known as a Feed-Forward Neural network because inputs are processed only in the forward direction:
  • 5. Artificial Neural Network is capable of learning any nonlinear function. Hence, these networks are popularly known as Universal Function Approximators. ANNs have the capacity to learn weights that map any input to the output. One of the main reasons behind universal approximation is the activation function. Activation functions introduce nonlinear properties to the network. This helps the network learn any complex relationship between input and output.
  • 6. Recurrent Neural Network (RNN) A looping constraint on the hidden layer of ANN turns to RNN. • RNN captures the sequential information present in the input data i.e. dependency be-tween the words in the text while making predictions: • RNNs share the parameters across different time steps. This is popularly known as Parameter Sharing. This results in fewer parameters to train and decreases the computational cost
  • 7. Convolution Neural Network (CNN) Convolutional neural networks (CNN) are all the rage in the deep learning community right now. These CNN models are being used across different applications and domains, and they’re especially prevalent in image and video processing projects. • CNN learns the filters automatically without mentioning it explicitly. These filters help in extracting the right and relevant features from the input data. • CNN captures the spatial features from an image. Spatial features refer to the ar-rangement of pixels and the relationship between them in an image. They help us in identifying the object accurately, the location of an object, as well as its relation with other objects in an image.
  • 8. Logistic Regression as a Neural Network Logistic regression is a binary classification method. It can be modelled as a function that can take in any number of inputs and constrain the output to be between 0 and 1. This means, we can think of Logistic Regression as a one- layer neural network. For a binary output, if the true label is y (y = 0 or y = 1) and y_hat is the predicted output – then y_hat represents the probability that y = 1 - given inputs w and x. Therefore, the probability that y = 0 given inputs w and x is (1 - y_hat), as shown below.
  • 9. What is a Gradient? A gradient measures how much the output of a function changes if you change the inputs a little bit It simply measures the change in all weights with regard to the change in error. You can also think of a gradient as the slope of a function. The higher the gradient, the steeper the slope and the faster a model can learn. But if the slope is zero, the model stops learning. Said it more mathematically, a gradient is a partial derivative with respect to its inputs.
  • 10. What is Vectorization ? Vectorization is used to speed up the Python code without using loop. Using such a function can help in minimizing the running time of code efficiently. Various operations are being performed over vector such as dot product of vectors which is also known as scalar product as it produces single output, outer products which results in square matrix of dimension equal to length X length of the vectors, Element wise multiplication which products the element of same indexes and dimension of the matrix remain unchanged.
  • 11. We reshape and standardize the images before feeding them to the network. The code is given in the cell below. Image to vector conversion Deep Neural Network for Image Classification: Application
  • 12. Let's first import all the packages that you will need during this assignment.  numpy is the fundamental package for scientific computing with Python.  matplotlib is a library to plot graphs in Python.  h5py is a common package to interact with a dataset that is stored on an H5 file.  PIL and scipy are used here to test your model with your own picture at the end.  dnn_app_utils provides the functions implemented in the "Building your Deep Neural Network: Step by Step" assignment to this notebook.  np.random.seed(1) is used to keep all the random function calls consistent. It will help us grade your work. Packages
  • 13. 2-layer deep neural network We will build a Deep neural network to distinguish cat images from non-cat images. However, here is a simplified network representation:  The input is a (64,64,3) image which is flattened to a vector of size (12288,1)(12288,1).  The corresponding vector: [x0,x1,...,x12287]T[x0,x1,...,x12287]T is then multiplied by the weight matrix W[1]W[1] of size (n[1],12288)(n[1],12288).  You then add a bias term and take its relu to get the following vector: [a[1]0,a[1]1,...,a[1]n[1]−1]T[a0[1],a1[1],...,an[1]− 1[1]]T.  You then repeat the same process.
  • 14. Results Analysis First, let's take a look at some images the L-layer model labeled incorrectly. This will show a few mislabeled images. A few types of images the model tends to do poorly on include:  Cat body in an unusual position  Cat appears against a background of a similar color  Unusual cat color and species  Camera Angle  Brightness of the picture  Scale variation (cat is very large or small in image)
  • 15. Biblography ◦ Coursera: The course is offered by DeepLearning.AI ◦ Wikipedia ◦ Google images