0% found this document useful (0 votes)
102 views

Unit 5 Neural Network

A neural network is a machine learning method inspired by the human brain that uses interconnected nodes to learn from data. It creates an adaptive system that learns from its mistakes to improve accuracy when solving complex problems like image recognition. Neural networks are used across many industries for applications like medical diagnosis, targeted marketing, financial predictions, and more. They work by processing input data through interconnected layers of nodes that analyze and pass information to each other.

Uploaded by

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

Unit 5 Neural Network

A neural network is a machine learning method inspired by the human brain that uses interconnected nodes to learn from data. It creates an adaptive system that learns from its mistakes to improve accuracy when solving complex problems like image recognition. Neural networks are used across many industries for applications like medical diagnosis, targeted marketing, financial predictions, and more. They work by processing input data through interconnected layers of nodes that analyze and pass information to each other.

Uploaded by

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

UNIT-5

Neural Network
Neural Network

► A neural network is a method in artificial intelligence that teaches


computers to process data in a way that is inspired by the human
brain.
► It is a type of machine learning process, called deep learning, that
uses interconnected nodes or neurons in a layered structure that
resembles the human brain.
► It creates an adaptive system that computers use to learn from
their mistakes and improve continuously.
► Thus, artificial neural networks attempt to solve complicated
problems, like summarizing documents or recognizing faces, with
greater accuracy.
Neural Networks Important

► Neural networks can help computers make intelligent decisions


with limited human assistance.
► This is because they can learn and model the relationships
between input and output data that are nonlinear and complex.
For instance, they can do the following tasks.

Make generalizations and inferences


► Neural networks can comprehend unstructured data and make
general observations without explicit training. For instance, they
can recognize that two different input sentences have a similar
meaning:
Can you tell me how to make the payment?
How do I transfer money?
What are neural networks used
for?
Neural networks have several use cases across many industries,
such as the following:
Medical diagnosis by medical image classification

Targeted marketing by social network filtering and behavioural


data analysis

Financial predictions by processing historical data of financial


instruments

Electrical load and energy demand forecasting

Process and quality control

Chemical compound identification


Important Applications of
Neural Networks
Computer vision
Computer vision is the ability of computers to extract information and
insights from images and videos. With neural networks, computers can
distinguish and recognize images similar to humans. Computer vision has
several applications, such as the following:
∙ Visual recognition in self-driving cars so they can recognize road signs
and other road users
∙ Content moderation to automatically remove unsafe or inappropriate
content from image and video archives
∙ Facial recognition to identify faces and recognize attributes like open
eyes, glasses, and facial hair
∙ Image labeling to identify brand logos, clothing, safety gear, and other
image details
Important Applications of Neural
Networks
Speech recognition
Neural networks can analyze human speech despite varying speech
patterns, pitch, tone, language, and accent. Virtual assistants like Amazon
Alexa and automatic transcription software use speech recognition to do
tasks like these:
∙ Assist call center agents and automatically classify calls
∙ Convert clinical conversations into documentation in real time
∙ Accurately subtitle videos and meeting recordings for wider content
reach
Important Applications of Neural
Networks
Natural language processing
Natural language processing (NLP) is the ability to process natural,
human-created text. Neural networks help computers gather insights and
meaning from text data and documents. NLP has several use cases,
including in these functions:
∙ Automated virtual agents and chatbots
∙ Automatic organization and classification of written data
∙ Business intelligence analysis of long-form documents like emails and
forms
∙ Indexing of key phrases that indicate sentiment, like positive and
negative comments on social media
∙ Document summarization and article generation for a given topic
Important Applications of Neural
Networks
Recommendation engines
Neural networks can track user activity to develop personalized
recommendations. They can also analyze all user behavior and discover
new products or services that interest a specific user.
For example, Curalate, a Philadelphia-based startup, helps brands
convert social media posts into sales. Brands use Curalate’s intelligent
product tagging (IPT) service to automate the collection and curation of user-
generated social content.
IPT uses neural networks to automatically find and recommend
products relevant to the user’s social media activity. Consumers don't have
to hunt through online catalogs to find a specific product from a social
media image.
Instead, they can use Curalate’s auto product tagging to purchase the
product with ease.
How do neural networks work?

► The human brain is the inspiration behind neural network


architecture.
► Human brain cells, called neurons, form a complex, highly
interconnected network and send electrical signals to each other
to help humans process information.
► Similarly, an artificial neural network is made of artificial
neurons that work together to solve a problem.
► Artificial neurons are software modules, called nodes, and
artificial neural networks are software programs or algorithms
that, at their core, use computing systems to solve mathematical
calculations
A basic neural network has
interconnected artificial neurons in
Input Layer three layers:
► Information from the outside world enters the artificial neural network
from the input layer. Input nodes process the data, analyze or categorize
it, and pass it on to the next layer.
Hidden Layer
► Hidden layers take their input from the input layer or other hidden
layers. Artificial neural networks can have a large number of hidden
layers. Each hidden layer analyzes the output from the previous layer,
processes it further, and passes it on to the next layer.
Output Layer
► The output layer gives the final result of all the data processing by the
artificial neural network. It can have single or multiple nodes.
Types of neural networks

Feedforward neural networks


► Feedforward neural networks process data in one direction, from the
input node to the output node.
► Every node in one layer is connected to every node in the next layer. A
feedforward network uses a feedback process to improve predictions
over time
Backpropagation algorithm
► Artificial neural networks learn continuously by using corrective
feedback loops to improve their predictive analytics.
► In simple terms, you can think of the data flowing from the input node to
the output node through many different paths in the neural network.
Convolutional neural networks
► The hidden layers in convolutional neural networks perform specific
mathematical functions, like summarizing or filtering, called
convolutions.
► They are very useful for image classification because they can extract
relevant features from images that are useful for image recognition and
classification.
Perceptual Learning

► Perceptual learning is experience-dependent enhancement of our ability


to make sense of what we see, hear, feel, taste or smell.
► These changes are permanent or semi-permanent, as distinct from
shorter-term mechanisms like sensory adaptation or habituation.
► Moreover, these changes are not merely incidental but rather adaptive
and therefore confer benefits, like improved sensitivity to weak or
ambiguous stimuli.
► A neural network link that contains computations to track features and
uses Artificial Intelligence in the input data is known as Perceptron
Perceptron

► Perceptron was introduced by Frank Rosenblatt in 1957. He proposed a


Perceptron learning rule based on the original MCP neuron.
► A Perceptron is an algorithm for supervised learning of binary classifiers.
This algorithm enables neurons to learn and processes elements in the
training set one at a time.
Backpropagation

► Backpropagation is a widely used algorithm for training feedforward


neural networks. It computes the gradient of the loss function with
respect to the network weights.
► It is very efficient, rather than naively directly computing the gradient
concerning each weight.
► This efficiency makes it possible to use gradient methods to train multi-
layer networks and update weights to minimize loss; variants such as
gradient descent or stochastic gradient descent are often used
Types of Backpropagation

Static backpropagation: Static backpropagation is a network designed to


map static inputs for static outputs. These types of networks are capable of
solving static classification problems such as OCR (Optical Character
Recognition).

Recurrent backpropagation: Recursive backpropagation is another


network used for fixed-point learning. Activation in recurrent
backpropagation is feed-forward until a fixed value is reached. Static
backpropagation provides an instant mapping, while recurrent
backpropagation does not provide an instant mapping.
Object Recognition

► Object recognition is a computer vision technique for identifying


objects in images or videos.
► Object recognition is a key output of deep learning and machine
learning algorithms. When humans look at a photograph or
watch a video, we can readily spot people, objects, scenes, and
visual details.
► The goal is to teach a computer to do what comes naturally to
humans: to gain a level of understanding of what an image
contains
Deep Learning

► Deep learning techniques have become a popular method for


doing object recognition.
► Deep learning models such as convolutional neural networks,
or CNNs, are used to automatically learn an object’s inherent
features in order to identify that object.
► For example, a CNN can learn to identify differences between cats
and dogs by analyzing thousands of training images and learning
the features that make cats and dogs different.
There are two approaches to performing
object recognition using deep learning:

► Training a model from scratch: To train a deep network from scratch,


you gather a very large labeled dataset and design a network
architecture that will learn the features and build the model. The results
can be impressive, but this approach requires a large amount of training
data, and you need to set up the layers and weights in the CNN.

► Using a pretrained deep learning model: Most deep learning


applications use the transfer learning approach, a process that involves
fine-tuning a pretrained model. You start with an existing network, such
as AlexNet or GoogLeNet, and feed in new data containing previously
unknown classes
KERAS

► Keras is the high-level API of the TensorFlow platform. It provides an


approachable, highly-productive interface for solving machine learning
(ML) problems, with a focus on modern deep learning.
► Keras covers every step of the machine learning workflow, from data
processing to hyperparameter tuning to deployment.
► It was developed with a focus on enabling fast experimentation.
Keras is designed to reduce cognitive load by achieving the following goals:

∙ Offer simple, consistent interfaces.

∙ Minimize the number of actions required for common use cases.

∙ Provide clear, actionable error messages.

∙ Follow the principle of progressive disclosure of complexity: It's easy to


get started, and you can complete advanced workflows by learning as
you go.

∙ Help you write concise, readable code.


Keras installation Steps

Step 1: Create virtual environment


Virtualenv is used to manage Python packages for different projects. This
will be helpful to avoid breaking the packages installed in the other
environments. So, it is always recommended to use a virtual environment
while developing Python applications.
Step 2: Activate the environment
This step will configure python and pip executables in your shell path
Linux/Mac O S
Now w have created a virtual envirionment named “kerasvenv”. Move to
the folder and type the below command,
Step 3: Python libraries
Keras depends on the following python libraries.
∙ Numpy

∙ Pandas

∙ Scikit-learn

∙ Matplotlib

∙ Scipy

∙ Seaborn
Create a neural network in
Python
From Scratch – this can be a good learning exercise, as it will teach you
how neural networks work from the ground up

Using a Neural Network Library – packages like Keras and TensorFlow


simplify the building of neural networks by abstracting away the low-level
code. If you’re already familiar with how neural networks work, this is the
fastest and easiest way to create one.
No matter which method you choose, working
with a neural network to make a prediction is
essentially the same
1. Import the libraries . For example: import numpy as np
2. Define/create input data. For example, use numpy to create a dataset and an array
of data values.
3. Add weights and bias (if applicable) to input features. These are learnable
parameters, meaning that they can be adjusted during training.
1. Weights = input parameters that influences output
2. Bias = an extra threshold value added to the output
4. Train the network against known, good data in order to find the correct values for
the weights and biases.
5. Test the Network against a set of test data to see how it performs.
6. Fit the model with hyperparameters (parameters whose values are used to control
the learning process), calculate accuracy, and make a prediction.
Training model

► A training model is a dataset that is used to train an ML algorithm.


► It consists of the sample output data and the corresponding sets of input
data that have an influence on the output.
► The training model is used to run the input data through the algorithm to
correlate the processed output against the sample output.
► The result from this correlation is used to modify the model.
► This iterative process is called “model fitting”. The accuracy of the
training dataset or the validation dataset is critical for the precision of
the model.
► Model training in machine language is the process of feeding an ML
algorithm with data to help identify and learn good values for all
attributes involved. There are several types of machine learning models,
of which the most common ones are supervised and unsupervised
learning.
► Supervised learning is possible when the training data contains both the
input and output values. Each set of data that has the inputs and the
expected output is called a supervisory signal. The training is done based
on the deviation of the processed result from the documented result
when the inputs are fed into the model.
► Unsupervised learning involves determining patterns in the data.
Additional data is then used to fit patterns or clusters. This is also an
iterative process that improves the accuracy based on the correlation to
the expected patterns or clusters. There is no reference output dataset in
this method.
Monitoring

► A monitoring system is software that helps system


administrators monitor their infrastructure.
► These tools monitor system devices, traffic, and applications, and
sound the alarm in the event of malfunctions and disruptions.
► There are lots of monitoring systems on the market, from
freeware to professional software.
Artificial Neural Network

► The term "Artificial Neural Network" is derived from Biological neural


networks that develop the structure of a human brain.
► Similar to the human brain that has neurons interconnected to one
another, artificial neural networks also have neurons that are
interconnected to one another in various layers of the networks.
► These neurons are known as nodes.
► An Artificial Neural Network in the field of Artificial
intelligence where it attempts to mimic the network of neurons makes
up a human brain so that computers will have an option to understand
things and make decisions in a human-like manner. The artificial neural
network is designed by programming computers to behave simply like
interconnected brain cells.
► There are around 1000 billion neurons in the human brain. Each neuron
has an association point somewhere in the range of 1,000 and 100,000. In
the human brain, data is stored in such a manner as to be distributed,
and we can extract more than one piece of this data when necessary
from our memory parallelly. We can say that the human brain is made
up of incredibly amazing parallel processors.

You might also like

pFad - Phonifier reborn

Pfad - The Proxy pFad of © 2024 Garber Painting. All rights reserved.

Note: This service is not intended for secure transactions such as banking, social media, email, or purchasing. Use at your own risk. We assume no liability whatsoever for broken pages.


Alternative Proxies:

Alternative Proxy

pFad Proxy

pFad v3 Proxy

pFad v4 Proxy