KEMBAR78
Convolutional Neural Networks | PDF | Artificial Neural Network | Machine Learning
0% found this document useful (0 votes)
64 views21 pages

Convolutional Neural Networks

Convolutional neural networks are a type of deep learning algorithm used for image recognition and computer vision tasks. They rely on convolutional layers that apply filters to extract features from images. The network includes an input layer, convolutional layers that apply filters and activation functions, pooling layers that reduce dimensionality, and fully connected layers like a regular neural network to output predictions. ConvNets can learn image features automatically from data instead of relying on hand-engineered features, and they allow for sharing of weights to recognize patterns across an image.

Uploaded by

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

Convolutional Neural Networks

Convolutional neural networks are a type of deep learning algorithm used for image recognition and computer vision tasks. They rely on convolutional layers that apply filters to extract features from images. The network includes an input layer, convolutional layers that apply filters and activation functions, pooling layers that reduce dimensionality, and fully connected layers like a regular neural network to output predictions. ConvNets can learn image features automatically from data instead of relying on hand-engineered features, and they allow for sharing of weights to recognize patterns across an image.

Uploaded by

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

Convolutional

neural networks
and
How they work

By: Harsha
Contents:
● Introduction

● Types of neural networks

● Convolutional neural networks:


o Why ConvNets over Feed Forward neural Networks
o Working of ConvNets:
▪ Input image

▪ Convolutional layer – the kernel

▪ ReLU activation function

▪ Pooling layer

▪ Fully connected layer

Introduction
Before talking about convolutional neural network lets first understand what a neural
network is and how it works:

Artificial neural networks, usually simply called neural networks, are computing
systems inspired by the biological neural networks that constitute animal brains. An
ANN is based on a collection of connected units or nodes called artificial neurons,
which loosely model the neurons in a biological brain.

Artificial neural networks (ANNs) are comprised of a node layer, 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 network.

Neural networks rely on training data to learn and improve their accuracy over time.
However, once these learning algorithms are fine-tuned for accuracy, they are
powerful tools in computer science and artificial intelligence, allowing us to classify
and cluster data at a high velocity. Tasks in speech recognition or image recognition
can take minutes versus hours when compared to the manual identification by human
experts. One of the most well-known neural networks is Google’s search algorithm.

How do neural networks work?


Think of each individual node as its own linear regression model, composed of input
data, weights, a bias (or threshold), and an output. The formula would look something
like this:

∑wixi + bias = w1x1 + w2x2 + w3x3 + bias

output = f(x) = 1 if ∑w1x1 + b>= 0; 0 if ∑w1x1 + b < 0

Once an input layer is determined, weights are assigned. These weights help
determine the importance of any given variable, with larger ones contributing more
significantly to the output compared to other inputs. All inputs are then multiplied by
their respective weights and then summed. Afterward, the output is passed through an
activation function, which determines the output. If that output exceeds a given
threshold, it “fires” (or activates) the node, passing data to the next layer in the
network. This results in the output of one node becoming the input of the next node.
This process of passing data from one layer to the next layer defines this neural
network as a feedforward network.

Let’s break down what one single node might look like using binary values. We can
apply this concept to a more tangible example, like whether you should go surfing
(Yes: 1, No: 0). The decision to go or not to go is our predicted outcome, or y-hat. Let’s
assume that there are three factors influencing your decision-making:

1. Are the waves good? (Yes: 1, No: 0)


2. Is the line-up empty? (Yes: 1, No: 0)
3. Has there been a recent shark attack? (Yes: 0, No: 1)

Then, let’s assume the following, giving us the following inputs:

● X1 = 1, since the waves are pumping


● X2 = 0, since the crowds are out
● X3 = 1, since there hasn’t been a recent shark attack

Now, we need to assign some weights to determine importance. Larger weights signify
that particular variables are of greater importance to the decision or outcome.

● W1 = 5, since large swells don’t come around often


● W2 = 2, since you’re used to the crowds
● W3 = 4, since you have a fear of sharks

Finally, we’ll also assume a threshold value of 3, which would translate to a bias value
of –3. With all the various inputs, we can start to plug in values into the formula to get
the desired output.

Y-hat = (1*5) + (0*2) + (1*4) – 3 = 6

If we use the activation function from the beginning of this section, we can determine
that the output of this node would be 1, since 6 is greater than 0. In this instance, you
would go surfing; but if we adjust the weights or the threshold, we can achieve
different outcomes from the model. When we observe one decision, like in the above
example, we can see how a neural network could make increasingly complex decisions
depending on the output of previous decisions or layers.

In the example above, we used perceptrons to illustrate some of the mathematics at


play here, but neural networks leverage sigmoid neurons, which are distinguished by
having values between 0 and 1. Since neural networks behave similarly to decision
trees, cascading data from one node to another, having x values between 0 and 1 will
reduce the impact of any given change of a single variable on the output of any given
node, and subsequently, the output of the neural network.

As we start to think about more practical use cases for neural networks, like image
recognition or classification, we’ll leverage supervised learning, or labeled datasets, to
train the algorithm. As we train the model, we’ll want to evaluate its accuracy using a
cost (or loss) function. This is also commonly referred to as the mean squared error
(MSE). In the equation below,
● i represents the index of the sample,
● y-hat is the predicted outcome,
● y is the actual value, and
● m is the number of samples.

𝐶𝑜𝑠𝑡 𝐹𝑢𝑛𝑐𝑡𝑖𝑜𝑛= 𝑀𝑆𝐸=1/2𝑚 ∑129_(𝑖=1)^𝑚▒(𝑦 ̂^((𝑖) )−𝑦^((𝑖) ) )^2

Ultimately, the goal is to minimize our cost function to ensure correctness of fit for any
given observation. As the model adjusts its weights and bias, it uses the cost function
and reinforcement learning to reach the point of convergence, or the local minimum.
The process in which the algorithm adjusts its weights is through gradient descent,
allowing the model to determine the direction to take to reduce errors (or minimize the
cost function). With each training example, the parameters of the model adjust to
gradually converge at the minimum.
Most deep neural networks are feedforward, meaning they flow in one direction only,
from input to output. However, you can also train your model through
backpropagation; that is, move in the opposite direction from output to input.
Backpropagation allows us to calculate and attribute the error associated with each
neuron, allowing us to adjust and fit the parameters of the model(s) appropriately.
Types of neural networks

Neural networks can be classified into different types, which are used for different
purposes. While this isn’t a comprehensive list of types, the below would be
representative of the most common types of neural networks that you’ll come across
for its common use cases:

The perceptron is the oldest neural network, created by Frank Rosenblatt in 1958. It
has a single neuron and is the simplest form of a neural network:

Feedforward neural networks, or multilayer perceptrons (MLPs), are what we’ve


primarily been focusing on within this article. They are comprised of an input layer, a
hidden layer or layers, and an output layer. While these neural networks are also
commonly referred to as MLPs, it’s important to note that they are actually comprised
of sigmoid neurons, not perceptron, as most real-world problems are nonlinear. Data
usually is fed into these models to train them, and they are the foundation for
computer vision, natural language processing, and other neural networks.

Convolutional neural networks (CNNs) are similar to feedforward networks, but they’re
usually utilized for image recognition, pattern recognition, and/or computer vision.
These networks harness principles from linear algebra, particularly matrix
multiplication, to identify patterns within an image.

Recurrent neural networks (RNNs) are identified by their feedback loops. These
learning algorithms are primarily leveraged when using time-series data to make
predictions about future outcomes, such as stock market predictions or sales
forecasting.

Convolutional neural networks:


A Convolutional Neural Network (ConvNet/CNN) is a Deep Learning algorithm which
can take in an input image, assign importance (learnable weights and biases) to various
aspects/objects in the image and be able to differentiate one from the other. The pre-
processing required in a ConvNet is much lower as compared to other classification
algorithms. While in primitive methods filters are hand-engineered, with enough
training, ConvNets have the ability to learn these filters/characteristics.

The architecture of a ConvNet is analogous to that of the connectivity pattern of


Neurons in the Human Brain and was inspired by the organization of the Visual Cortex.
Individual neurons respond to stimuli only in a restricted region of the visual field
known as the Receptive Field. A collection of such fields overlap to cover the entire
visual area.
Why convNets over feed-forward neural networks?

An image is nothing but a matrix of values. So why not just flatten the image (3x3
matrix to a 9x1 vector) and feed it into a Multi-Level Perceptron for classification
purposes?

In case of extremely basic binary images. The method might show an average
precision score while performing prediction of classes but would have little to no
accuracy when it comes to complex images having pixel dependencies throughout.

A CovNet is able to successfully capture the spatial and temporal dependencies in an


image through the application of relevant filters. The architecture performs a better
fitting to the image dataset due to the reduction in the number of parameters involved
and reusability of weights. In other words, the network can be trained to understand
the sophistication of the image better.
Working of ConvNets:

Input image:

In the figure we have an RGB image which has been separated by its three-color
planes- Red, Green, Blue. There are a lot of such color spaces in which images exit-
Grayscale, RGB, HSV, GMYK, etc.

Classifiers may have to deal with images which reach very high definitions like 8K
(7680 x 4320). The role of the ConvNet is to reduce the image into a form which is
easier to process, without losing features which are critical for getting a good
prediction. This is important when we are to design an architecture which is not only
good at learning features but also is scalable to massive datasets.
Convolutional Layer – The Kernel

Central to the ConvNet is the convolutional layer that gives the network its name. this
layer performs a function called “convolution”

In the context of a ConvNet, a convolution is a linear operation that involves the


multiplication of a set of weights with the input, much like a traditional neural network.
Given that the technique was designed for two-dimensional input, the multiplication is
performed between an array of input data and a two-dimensional array of weights
called a filter or a kernel.

The filter is smaller than the input data and the type of multiplication applied between
a filter sized path of the input and the filter is a dot product. The dot product is the
element-wise multiplication between the filter-sized path of the input and filter, which
is then summed, always resulting in a single value. Because it always results in a single
value, it is often referred to as the “scalar product”.

Using a filter smaller than the input is intentional because it allows the same filter (set
of weights) to be multiplied by the input array multiple times at different points on the
input. Specifically, the filter is applied systematically to each overlapping part or filter-
sized path of the input data, left to right, top to bottom.

The systematic application of the same filter across an image is a powerful idea. If the
filter is designed to detect a specific type of feature in the input (edges etc.), then the
application of that filter systematically across the entire input image allows the filter an
opportunity to discover that feature anywhere else in the image. This capability is
commonly referred to as translation invariance, e.g. The general interest in whether
the feature is present rather than where it was present.

The output from multiplying the filter with the input array one time is a single value. As
the filter is applied multiple times to the input array, the result is a two-dimensional
array of output values that represent a filtering of the input. As such, the two-
dimensional output array from the operation is called the “feature map”.

Once a feature map is created, we can pass each value in the feature map through a
nonlinearity, such as a ReLU, much like we do for the outputs of a fully connected
layer.
Convoluting a 5x5x1 image with a 3x3x1 kernel to get a 3x3x1 convolved feature

In the above demonstration. The green section is the image. The kernel/filter is the
yellow part that is over the input image.

The kernel shifts 9 times because of stride length = 1 (non-strided), every time
performing the matrix multiplication operation between the kernel and the portion of
the image over which the kernel is hovering. The stride length not only depends on the
properties of the pictures in the data set, but it also depends on the way the layers are
combined together(convolution filter and pooling) and size of the convolution filter.

Movement of the kernel

The filter moves to the right with a certain stride value till it parses the complete width.
Moving on. It hops down to the beginning(left) of the image with the same stride value
and repeats the process until the entire image is traversed.
Convolution operation on a MxNx3 image matrix with a 3x3x3 Kernel

In case of images with multiple channels (e.g., RGB), the kernel has the same depth as
that of the input image. Matrix multiplication is performed between Kn (k is kernel) and
In (I is image) stack ([K1, I1]: [K2, I2]: [K2, I3]) and all the results are summed with the
bias to give us a squashed one-depth channel Convoluted Feature Output.

The objective of the Convolution operation is to extract the high-level features such as
edges, from the input mage. ConvNets need not be limited to only one convolutional
layer. Conventionally, the first ConvLayer is responsible for capturing the low-level
features such as edges, color, gradient orientation etv. With added layers, the
architecture adapts to the high-level features as well, giving us a network, which has
the wholesome understanding of images in the dataset, similar to how we would.

There are two types of results to this operation – one in which the convolved feature is
reduced in the dimensionality is either compared to the input, and the other in which
the dimensionality is either increased or remains the same. This is done by applying
valid padding in case of the former, or same padding in case of the latter.

Padding refers to the number of pixels added to an image when it is being processed
by the kernel of the ConvNet. For example, if the padding is set to zero, then every
pixel value that is added will be of value zero.
The ReLU layer

The rectified linear activation function or ReLU for short is a piecewise linear function
that will output the input directly if it is positive otherwise it will output zero. It has
become the default activation function for many types of neural networks because a
model that uses it is easier to train and often achieves better performance.

In order to use stochastic gradient descent with backpropagation of errors to train


deep neural networks, an activation function is needed that looks and acts like a linear
function, but is, in fact, a nonlinear function allowing complex relationships in data to
be learned.

The function must also provide more sensitivity to the activation sum input and avoid
easy saturation.

The solution has been bouncing around in the field for some time, although was not
highlighted until papers in 2009 and 2011 shone light on it.

The solution is to use rectified linear activation function or ReL for short.

A node or unit that implements this function is referred to as a rectified activation unit,
or ReLU for short. Often, networks that use the rectifier function for the hidden layers
are referred to as rectified networks.

The rectified linear activation function is a simple calculation that returns the value
provided as input directly, or the value 0.0 if the input is 0.0 or less.
We can describe it using a simple if-statement:

Pooling layer

A problem with the output feature maps is that they are sensitive to the location of the
features in the input. One approach to address this sensitivity is to down sample the
feature maps. This has the effect of making the resulting down the sampled feature
maps more robust to changes in the position of the feature in the image.

Pooling layers provide an approach to down sampling feature maps by summarizing


the presence of features in patches of the feature map. Two common pooling methods
are average pooling and max pooling that summarize the average presence of a feature
and the most activated presence of a feature respectively

Pooling layers

The pooling operation involves sliding a two-dimensional filter over each channel of
the feature map and summarizing the features lying within the region covered by the
filter.

For a feature map having dimensions nh x nw x nc , the dimensions of output obtained


after a pooling layer is

Where,
A common ConvNet model architecture is to have a number of convolution and pooling
layers stacked one after the other.

Why use pooling layers?

▪ Pooling layers are used to reduce the dimensions of the feature


maps. thus, it reduces the number of parameters to learn and the
amount of computation performed in the network.
▪ The pooling layer summarises the features present in a region of
the feature map generated by the convolutional layer. So, further
operations are performed on summarised features instead of
precisely positioned features generated by the convolution layer.
This makes the model more robust to variations in the position of
the features in the input image

Types of pooling layers:

Max Pooling:

Max pooling is a pooling operation that selects the maximum element from the region
of the feature map covered by the filter. Thus, the output after the max-pooling layer
would be a feature map containing the most prominent features of the previous feature
map.

Average Pooling:

Average pooling computes the average of the elements present in the region of feature
map covered by the filter. Thus, while max pooling gives the most prominent feature in
a particular path of the feature map, average pooling gives the average of feature
present in a patch

Global Pooling:

Global pooling reduces each channel in the feature map to a single value thus, an
nhxnwxnc feature map is reduced to 1x1 xne. This is the equivalent to using a filter of
dimension nh x nw i.e., the dimensions of the feature map. Further, it can be either
global max pooling or global average pooling.
Fully connected layer

Fully connected layer is simply a feed forward neural network. Fully connected layers
form the last few layers of the neural network.

The input to the fully connected layer is the output from the final pooling or
convolutional layer, which is flattened and then fed into the fully connected layer.

Flattened: the output from the final pooling and convolutional layer si a 3-dimensional
matrix, to flatten that is to unroll all its values into a vector.
This flattened vector is then connected to a few fully connected layers which are same
as Artificial Neural Networks and perform the same mathematical operations.

For each layer of the Artificial Neural Network the following operation takes place

where,
x — is the input vector with dimension [p_l, 1]
W — Is the weight matrix with dimensions [p_l, n_l] where, p_l is the number of
neurons in the previous layer and n_l is the number of neurons in the current layer.
b — Is the bias vector with dimension [p_l, 1]
g — Is the activation function, which is usually ReLU.

This calculation is repeated for each layer.

After passing through the fully connected layers, the final layer uses the softmax
activation function (instead of ReLU) which is used to get probabilities of the input
being in a particular class

Now, let’s visualize how to calculate the dimensions of the output tensor from the
input tensor.

Fig 7. Output Dimension Calculations from Input Dimensions

where,
W1 — is the width / height of the input tensor
F — is the width / height of the kernel
P — is the padding
S — is the stride
W2 — is the output width / height

And what happens to the number of channels of the output tensor?


Well, in case of a Convolutional Layer, it is equal to the number of kernels.
And in case of a Pooling Layer, the channels in the input tensor and the output tensor
remains the same!

So that’s how convolutional neural networks work

Bibliography:
https://machinelearningmastery.com/

https://towardsdatascience.com/

https://deepai.org/

https://www.javatpoint.com/

https://www.geeksforgeeks.org/

You might also like