You are on page 1of 95

Unsupervised Learning

Lecture 5
Unsupervised Learning
• Unsupervised Learning is a machine learning technique in which the
users do not need to supervise the model. Instead, it allows the
model to work on its own to discover patterns and information that
was previously undetected. It mainly deals with the unlabelled data.
• Unsupervised Learning Algorithms allow users to perform more
complex processing tasks compared to supervised learning. Although,
unsupervised learning can be more unpredictable compared with
other natural learning methods.
• Unsupervised learning algorithms include clustering, anomaly
detection, neural networks, etc.
Example of Unsupervised Machine Learning
• Let's, take the case of a baby and her family dog.

She knows and identifies this dog.


Example of Unsupervised Machine Learning
• Few weeks later a family friend brings along a dog and tries to play with
the baby.

Baby has not seen this dog earlier. But it recognizes many features (2 ears, eyes, walking on 4 legs) are
like her pet dog. She identifies the new animal as a dog. This is unsupervised learning, where you are not
taught but you learn from the data (in this case data about a dog.
Why Unsupervised Learning?
• Unsupervised machine learning finds all kind of unknown patterns in
data.
• Unsupervised methods help you to find features which can be useful
for categorization.
• It is taken place in real time, so all the input data to be analyzed and
labeled in the presence of learners.
• It is easier to get unlabeled data from a computer than labeled data,
which needs manual intervention.
Types of Unsupervised Learning
Clustering
Association
Clustering
• Clustering is an important concept when it comes to unsupervised
learning. It mainly deals with finding a structure or pattern in a
collection of uncategorized data.
• Clustering algorithms will process data and find natural
clusters(groups) if they exist in the data. It is also possible modify how
many clusters your algorithms should identify.
Clustering Example…
Different types of clustering
Exclusive (partitioning)
• In this clustering method, Data are grouped in such a way that one
data can belong to one cluster only.
• Example: K-means
Agglomerative
• In this clustering technique, every data is a cluster.
• Example: Hierarchical clustering
Different types of clustering
Overlapping
• In this technique, fuzzy sets is used to cluster data. Each point may
belong to two or more clusters with separate degrees of membership.
• Here, data will be associated with an appropriate membership value.
Example: Fuzzy C-Means
Different types of clustering
Probabilistic
This technique uses probability distribution to create the clusters
• Example: Following keywords
• "man's shoe."
• "women's shoe."
• "women's glove."
• "man's glove."
can be clustered into two categories "shoe" and "glove" or "man" and
"women."
Different types of clustering
Hierarchical Clustering:
• Hierarchical clustering is an algorithm which builds a hierarchy of clusters.
It begins with all the data which is assigned to a cluster of their own.
• Here, two close cluster are going to be in the same cluster. This algorithm
ends when there is only one cluster left.
Agglomerative clustering:
• This type of K-means clustering starts with a fixed number of clusters. It
allocates all data into the exact number of clusters.
• This clustering method does not require the number of clusters K as an
input. Agglomeration process starts by forming each data as a single
cluster.
Different types of clustering
K-means Clustering
• K means it is an iterative clustering algorithm which helps you to find
the highest value for every iteration. Initially, the desired number of
clusters are selected. In this clustering method, you need to cluster
the data points into k groups.
• The output of the algorithm is a group of "labels." It assigns data
point to one of the k groups. K-mean clustering further defines two
subgroups:
• Agglomerative clustering
• Dendrogram
Association
Association
• Association rules allow you to establish associations amongst data objects inside
large databases.
• This unsupervised technique is about discovering interesting relationships
between variables in large databases.
• For example, people that buy a new home most likely to buy new furniture.

Other Examples:
• A subgroup of cancer patients grouped by their gene expression measurements
• Groups of shopper based on their browsing and purchasing histories
• Movie group by the rating given by movies viewers
Applications of unsupervised learning
• Clustering automatically split the dataset into groups base on their
similarities
• Anomaly detection can discover unusual data points in your dataset.
It is useful for finding fraudulent transactions
• Association mining identifies sets of items which often occur together
in your dataset
Disadvantages of Unsupervised Learning
• You cannot get precise information regarding data sorting, and the output
as data used in unsupervised learning is labeled and not known
• Less accuracy of the results is because the input data is not known and not
labeled by people in advance. This means that the machine requires to do
this itself.
• The spectral classes do not always correspond to informational classes.
• The user needs to spend time interpreting and label the classes which
follow that classification.
• Spectral properties of classes can also change over time so you can't have
the same class information while moving from one image to another.
Summary
• Unsupervised learning is a machine learning technique, where you do
not need to supervise the model.
• Unsupervised machine learning helps you to finds all kind of unknown
patterns in data.
• Clustering and Association are two types of Unsupervised learning.
• Four types of clustering methods are 1) Exclusive 2) Agglomerative 3)
Overlapping 4) Probabilistic.
• Important clustering types are: 1)Hierarchical clustering 2) K-means
clustering 3) K-NN 4) Principal Component Analysis 5) Singular Value
Decomposition 6) Independent Component Analysis.
Summary (contd.)
• Association rules allow you to establish associations amongst data
objects inside large databases.
• In Supervised learning, Algorithms are trained using labelled data
while in Unsupervised learning Algorithms are used against data
which is not labelled.
• Anomaly detection can discover important data points in your dataset
which is useful for finding fraudulent transactions.
• The biggest drawback of Unsupervised learning is that you cannot get
precise information regarding data sorting.
Supervised vs Unsupervised
• Supervised learning as the name indicates the presence of a
supervisor as a teacher.
• Basically supervised learning is a learning in which we teach or train
the machine using data which is well labeled that means some data is
already tagged with the correct answer.
• After that, the machine is provided with a new set of examples(data)
so that supervised learning algorithm analyses the training data(set of
training examples) and produces a correct outcome from labeled
data.
Supervised (Example)
• For instance, suppose you are given a basket filled with different
kinds of fruits. Now the first step is to train the machine with all
different fruits one by one like this
Supervised (Example)
• If shape of object is rounded and depression at top having
color Red then it will be labelled as –Apple.
• If shape of object is long curving cylinder having color Green-
Yellow then it will be labelled as –Banana.
Now suppose after training the data, you have given a new separate
fruit say Banana from basket and asked to identify it.
Supervised (Example)
• Since the machine has already learned the things from previous data
and this time have to use it wisely. It will first classify the fruit with its
shape and color and would confirm the fruit name as BANANA and
put it in Banana category.
• Thus the machine learns the things from training data(basket
containing fruits) and then apply the knowledge to test data(new
fruit).
Unsupervised Learning
• Unsupervised learning is the training of machine using information
that is neither classified nor labeled and allowing the algorithm to act
on that information without guidance. Here the task of machine is to
group unsorted information according to similarities, patterns and
differences without any prior training of data.
• Unlike supervised learning, no teacher is provided that means no
training will be given to the machine. Therefore machine is restricted
to find the hidden structure in unlabeled data by our-self.
Unsupervised Learning (example)
• For instance, suppose it is given an image having both dogs and cats
which have not seen ever.

Thus the machine has no idea about the features of dogs and cat so we can’t categorize it in dogs
and cats. But it can categorize them according to their similarities, patterns, and differences i.e., we
can easily categorize the above picture into two parts. First first may contain all pics having dogs in it
and second part may contain all pics having cats in it. Here you didn’t learn anything before, means
no training data or examples.
Reinforcement Learning
Lecture 6
Reinforcement Learning
 Reinforcement learning is an area of Machine Learning. It is about
taking suitable action to maximize reward in a particular situation. It
is employed by various software and machines to find the best
possible behavior or path it should take in a specific situation.
 Reinforcement learning differs from the supervised learning in a way
that in supervised learning the training data has the answer key with
it so the model is trained with the correct answer itself whereas in
reinforcement learning, there is no answer but the reinforcement
agent decides what to do to perform the given task.
 In the absence of a training dataset, it is bound to learn from its
experience.
Differ from Supervised Learning
• Reinforcement learning differs from supervised learning in not
needing labelled input/output pairs be presented, and in not needing
sub-optimal actions to be explicitly corrected.
Part of Deep Learning…
• Reinforcement Learning is also part of the deep learning method that
helps you to maximize some portion of the cumulative reward.
• This method helps you to learn how to attain a complex objective or
maximize a specific dimension over many steps.
Agent…
Here are some important terms used in
Reinforcement
• Agent: It is an assumed entity which performs actions in an
environment to gain some reward.
• Environment (e): A scenario that an agent has to face.
• Reward (R): An immediate return given to an agent when he or she
performs specific action or task.
• State (s): State refers to the current situation returned by the
environment.
• Policy (π): It is a strategy which applies by the agent to decide the
next action based on the current state.
Example
• The problem is as follows: We have an agent and a reward, with many
hurdles in between. The agent is supposed to find the best possible
path to reach the reward. The following problem explains the
problem more easily.
Example…

• The above image shows the robot, diamond, and fire. The goal of the robot is to
get the reward that is the diamond and avoid the hurdles that are fire.
• The robot learns by trying all the possible paths and then choosing the path
which gives him the reward with the least hurdles.
• Each right step will give the robot a reward and each wrong step will subtract the
reward of the robot.
• The total reward will be calculated when it reaches the final reward that is the
diamond.
How Reinforcement Learning works?
• Consider the scenario of teaching new tricks to your cat
• As cat doesn't understand English or any other human language, we can't
tell her directly what to do. Instead, we follow a different strategy.
• We emulate a situation, and the cat tries to respond in many different
ways. If the cat's response is the desired way, we will give her fish.
• Now whenever the cat is exposed to the same situation, the cat executes a
similar action with even more enthusiastically in expectation of getting
more reward(food).
• That's like learning that cat gets from "what to do" from positive
experiences.
• At the same time, the cat also learns what not do when faced with negative
experiences.
How Reinforcement Learning works
In this case….
• Your cat is an agent that is exposed to the environment. In this case, it
is your house. An example of a state could be your cat sitting, and you
use a specific word in for cat to walk.
• Our agent reacts by performing an action transition from one "state"
to another "state."
• For example, your cat goes from sitting to walking.
• The reaction of an agent is an action, and the policy is a method of
selecting an action given a state in expectation of better outcomes.
• After the transition, they may get a reward or penalty in return.
Main points in Reinforcement learning
• Input: The input should be an initial state from which the model will
start
• Output: There are many possible output as there are variety of
solution to a particular problem
• Training: The training is based upon the input, The model will return a
state and the user will decide to reward or punish the model based
on its output.
• The model keeps continues to learn.
• The best solution is decided based on the maximum reward.
Types of Reinforcement
Positive –
Positive Reinforcement is defined as when an event, occurs due to a
particular behavior, increases the strength and the frequency of the
behavior. In other words, it has a positive effect on behavior.
Advantages of reinforcement learning are:
• Maximizes Performance
• Sustain Change for a long period of time
Disadvantages of reinforcement learning:
• Too much Reinforcement can lead to overload of states which can
diminish the results
Types of Reinforcement
Negative –
Negative Reinforcement is defined as strengthening of a behavior
because a negative condition is stopped or avoided.
Advantages of reinforcement learning
• Increases Behavior
• Provide defiance to minimum standard of performance
Disadvantages of reinforcement learning
• It Only provides enough to meet up the minimum behavior
Various Practical applications of
Reinforcement Learning

• Reinforcement Learning can be used in robotics for industrial


automation.
• Reinforcement Learning can be used in machine learning and data
processing
• Reinforcement Learning can be used to create training systems that
provide custom instruction and materials according to the
requirement of students.
Reinforcement Learning can be used in large
environments in the following situations

• A model of the environment is known, but an analytic solution is not


available;
• Only a simulation model of the environment is given (the subject of
simulation-based optimization)
• The only way to collect information about the environment is to
interact with it.
Characteristics of Reinforcement Learning
Here are important characteristics of reinforcement learning
• There is no supervisor, only a real number or reward signal
• Sequential decision making
• Time plays a crucial role in Reinforcement problems
• Feedback is always delayed, not instantaneous
• Agent's actions determine the subsequent data it receives
Reinforcement vs Supervised
Applications of Reinforcement Learning
• Robotics for industrial automation.
• Business strategy planning
• Machine learning and data processing
• It helps you to create training systems that provide custom instruction
and materials according to the requirement of students.
• Aircraft control and robot motion control
Why use Reinforcement Learning?
Here are prime reasons for using Reinforcement Learning:

• It helps you to find which situation needs an action.


• Helps you to discover which action yields the highest reward over the
longer period.
• Reinforcement Learning also provides the learning agent with a
reward function.
• It also allows it to figure out the best method for obtaining large
rewards.
When Not to Use Reinforcement Learning?
You can't apply reinforcement learning model is all the situation.
Here are some conditions when you should not use reinforcement
learning model.
• When you have enough data to solve the problem with a supervised
learning method
• You need to remember that Reinforcement Learning is computing-
heavy and time-consuming.
• in particular when the action space is large.
Challenges of Reinforcement Learning
Here are the major challenges you will face while doing
Reinforcement earning:
• Feature/reward design which should be very involved
• Parameters may affect the speed of learning.
• Realistic environments can have partial observability.
• Too much Reinforcement may lead to an overload of states which can
diminish the results.
• Realistic environments can be non-stationary.
Summary
• Reinforcement Learning is a Machine Learning method
• Helps you to discover which action yields the highest reward over the
longer period.
• Three methods for reinforcement learning are 1) Value-based 2) Policy-
based and Model based learning.
• Agent, State, Reward, Environment, Value function Model of the
environment, Model based methods, are some important terms using in RL
learning method
• The example of reinforcement learning is your cat is an agent that is
exposed to the environment.
• The biggest characteristic of this method is that there is no supervisor, only
a real number or reward signal
Summary
• Two types of reinforcement learning are 1) Positive 2) Negative
• Two widely used learning model are 1) Markov Decision Process 2) Q
learning
• Reinforcement Learning method works on interacting with the
environment, whereas the supervised learning method works on given
sample data or example.
• Application or reinforcement learning methods are: Robotics for industrial
automation and business strategy planning
• You should not use this method when you have enough data to solve the
problem
• The biggest challenge of this method is that parameters may affect the
speed of learning.
Neural Network
Lecture 7
Neural Network (NN) and ANN
• A neural network is a network or circuit of neurons, or in a modern
sense, an artificial neural network, composed of artificial neurons or
nodes.
• Thus a neural network is either a biological neural network, made up
of real biological neurons, or an artificial neural network, for
solving artificial intelligence (AI) problems.
• Artificial neural networks (ANNs), usually simply called neural
networks (NNs), are computing systems inspired by the biological
neural networks that constitute animal brains.
Neural Network (NN) and ANN
• Neural networks are artificial systems that were inspired by biological
neural networks. These systems learn to perform tasks by being exposed to
various datasets and examples without any task-specific rules.
• The idea is that the system generates identifying characteristics from the
data they have been passed without being programmed with a pre-
programmed understanding of these datasets.
• Neural networks are based on computational models for threshold logic.
Threshold logic is a combination of algorithms and mathematics.
• Neural networks are based either on the study of the brain or on the
application of neural networks to artificial intelligence.
• The work has led to improvements in finite automata theory.
ANN and Deep Learning

• Human brains are made up of connected networks of


neurons. ANNs seek to simulate these networks and get
computers to act like interconnected brain cells, so that
they can learn and make decisions in a more humanlike
manner.

• An ANN can have only three layers of neurons: the input


layer (where the data enters the system), the hidden
layer (where the information is processed) and the output
layer (where the system decides what to do based on the
data)
ANN and Deep Learning
• Instead of teaching computers to process and learn from
data (which is how machine learning works), with deep
learning, the computer trains itself to process and learn
from data.
• ANN that is made up of more than three layers – i.e. an
input layer, an output layer and multiple hidden layers – is
called a ‘deep neural network’, and this is what underpins
deep learning
• A deep learning system is self-teaching, learning as it goes
by filtering information through multiple hidden layers, in a
similar way to humans
• Two are closely connected in that one relies on the other to
function. Without neural networks, there would be no deep
learning.
Weight and Activation Function
• The connections of the biological neuron are modeled as weights.
• A weight represent the strength of the connection between units. If the
weight from neuron 1 to neuron 2 has greater magnitude, it means that
neuron 1 has greater influence over neuron 2.
• In artificial neural networks, the activation function of a node defines
the output of that node given an input or set of inputs. A standard
integrated circuit can be seen as a digital network of activation functions
that can be "ON" (1) or "OFF" (0), depending on input.
• Activation functions are mathematical equations that determine the
output of a neural network. The function is attached to each neuron in
the network, and determines whether it should be activated (“fired”) or
not, based on whether each neuron's input is relevant for the model's
prediction
Functions of ANN
• These artificial networks may be used for predictive modeling,
adaptive control and applications where they can be trained via a
dataset without any pre-programming.
• Self-learning resulting from experience can occur within networks,
which can derive conclusions from a complex and seemingly
unrelated set of information
How simple neuron works ?
• Let there are two neurons X and Y which is transmitting signal to
another neuron Z . Then , X and Y are input neurons for transmitting
signals and Z is output neuron for receiving signal . The input neurons
are connected to the output neuron , over a interconnection links
( A and B ) as shown in figure .
How simple neuron works ?
• For above neuron architecture , the net input has to be calculated in
the way .
I = xA + yB
where x and y are the activations of the input neurons X and Y . The
output neuron Z can be obtained by applying activations over the net
input .
O = f(I)
Output = Function ( net input calculated )
The function to be applied over the net input is called activation
function . There are various activation function possible for this.
How ANN Work
• A neural network will take the input data and push them into an ensemble of
layers.
• The network needs to evaluate its performance with a loss function. The loss
function gives to the network an idea of the path it needs to take before it
masters the knowledge.
• The network needs to improve its knowledge with the help of an optimizer.
• Optimizers are algorithms or methods used to change the attributes of your
neural network such as weights and learning rate in order to reduce the
losses. How you should change your weights or learning rates of your neural
network to reduce the losses is defined by the optimizers you use.
• the learning rate is a tuning parameter in an optimization algorithm that
determines the step size at each iteration while moving toward a minimum of
a loss function
ANN Architecture
Example of ANN Work

• The program takes some input values and pushes them into two fully connected
layers.
• Imagine you have a math problem, the first thing you do is to read the
corresponding chapter to solve the problem. You apply your new knowledge to
solve the problem. There is a high chance you will not score very well.
• It is the same for a network. The first time it sees the data and makes a
prediction, it will not match perfectly with the actual data.
• To improve its knowledge, the network uses an optimizer. In our analogy, an
optimizer can be thought of as rereading the chapter. You gain new
insights/lesson by reading again.
• Similarly, the network uses the optimizer, updates its knowledge, and tests its
new knowledge to check how much it still needs to learn. The program will repeat
this step until it makes the lowest error possible.
ANN is composed of four principal objects
⮚Layers: all the learning occurs in the layers
⮚feature and label :Input data to the network(features) and output
from the network (labels)
⮚loss function: Metric used to estimate the performance of the
learning phase
⮚Optimizer : Improve the learning by updating the knowledge in the
network
Layers
❑A layer is where all the learning takes place. Inside a layer, there are
an infinite amount of weights (neurons). A typical neural network is
often processed by densely connected layers (also called fully
connected layers). It means all the inputs are connected to the
output.

⮚There are 3 layers


1) Input Layer
2) Hidden Layer
3) Output Layer
Layers

The network takes an input, sends it to all connected nodes and computes the signal with
an activation function. The activation function of a node defines the output given a set of inputs
Layers
❑ The first layer is the input values for the second layer, called the hidden
layer, receives the weighted input from the previous layer.

1. The first node is the input values


2. The neuron is decomposed into the input part and the activation
function. The left part receives all the input from the previous layer. The
right part is the sum of the input passes into an activation function.
3. Output value computed from the hidden layers and used to make a
prediction. For classification, it is equal to the number of class. For
regression, only one value is predicted.
The critical decision to make when building a
neural network
⮚How many layers in the neural network
⮚How many hidden units for each layer

❑Neural network with lots of layers and hidden units can learn a
complex representation of the data, but it makes the network's
computation very expensive
Loss function
• After you have defined the hidden layers and the activation function,
you need to specify the loss function and the optimizer.
• For binary classification, it is common practice to use a binary cross
entropy loss function. In the linear regression, you use the mean
square error.
• The loss function is an important metric to estimate the performance
of the optimizer. During the training, this metric will be minimized.
You need to select this quantity carefully depending on the type of
problem you are dealing with.
Optimizer
• The loss function is a measure of the model's performance. The optimizer
will help improve the weights of the network in order to decrease the loss.
• There are different optimizers available, but the most common one is the
Stochastic Gradient Descent.

❑The conventional optimizers are:


• Momentum optimization,
• Nesterov Accelerated Gradient,
• AdaGrad,
• Adam optimization
7 Types of Neural Network
• The first is a multilayer perceptron which has three or more layers
and uses a nonlinear activation function.
• The second is the convolutional neural network that uses a variation
of the multilayer perceptrons.
• The third is the recursive neural network that uses weights to make
structured predictions.
7 Types of Neural Network
• The fourth is a recurrent neural network that makes connections
between the neurons in a directed cycle. The long short-term
memory neural network uses the recurrent neural network
architecture and does not use activation function.
• The final two are sequence to sequence modules which uses two
recurrent networks and shallow neural networks which produces a
vector space from an amount of text. These neural networks are
applications of the basic neural network
Characteristics of Artificial Neural Network
• It is neutrally implemented mathematical model.
• It contains huge number of interconnected processing elements
called neurons to do all operations.
• Information stored in the neurons are basically the weighted linkage
of neurons.
• The input signals arrive at the processing elements through
connections and connecting weights.
Characteristics of Artificial Neural Network
• It has the ability to learn , recall and generalize from the given data by
suitable assignment and adjustment of weights.
• The collective behavior of the neurons describes its computational
power, and no single neuron carries specific information .
Application of Neural Network
• 1. Every new technology need assistance from previous one i.e. data
from previous ones and these data are analyzed so that every pros
and cons should be studied correctly . All of these things are possible
only through the help of neural network.
• 2. Neural network is suitable for the research on Animal behavior,
predator/prey relationships and population cycles .
• 3. It would be easier to do proper valuation of property, buildings,
automobiles, machinery etc. with the help of neural network.
• 4. Neural Network can be used in betting on horse races, sporting
events and most importantly in stock market .
Application of Neural Network
• 5. It can be used to predict the correct judgement for any crime by
using a large data of crime details as input and the resulting
sentences as output.
• 6. By analyzing data and determining which of the data has any fault
called as Data mining, cleaning and validation can be achieved
through neural network.
• 7. Neural Network can be used to predict targets with the help of
echo patterns we get from sonar, radar, seismic and magnetic
instruments .
Application of Neural Network
• 8. It can be used efficiently in Employee hiring so that any company
can hire right employee depending upon the skills the employee has
and what should be it’s productivity in future .
• 9. It has a large application in Medical Research .
• 10. It can be used to for Fraud Detection regarding credit cards ,
insurance or taxes by analyzing the past records
Limitations of Neural Network
⮚Overfitting

• A common problem with the complex neural net is the difficulties in


generalizing unseen data. A neural network with lots of weights can
identify specific details in the train set very well but often leads to
overfitting.
• If the data are unbalanced within groups (i.e., not enough data
available in some groups), the network will learn very well during the
training but will not have the ability to generalize such pattern to
never-seen-before data.
Limitations of Neural Network
⮚Network size

• A neural network with too many layers and hidden units are known to
be highly sophisticated. A straightforward way to reduce the
complexity of the model is to reduce its size.
• There is no best practice to define the number of layers. You need to
start with a small amount of layer and increases its size until you find
the model overfit.
Limitations of Neural Network
Dropout
• Dropout is an odd but useful technique. A network with dropout
means that some weights will be randomly set to zero.
• Imagine you have an array of weights [0.1, 1.7, 0.7, -0.9]. If the neural
network has a dropout, it will become [0.1, 0, 0, -0.9] with randomly
distributed 0.
• The parameter that controls the dropout is the dropout rate. The rate
defines how many weights to be set to zeroes.
Neural Network with Deep
Learning
Lecture 8
What is Deep Learning?
❑Deep learning is a computer software that mimics the network of
neurons in a brain.
❑It is a subset of machine learning and is called deep learning because
it makes use of deep neural networks.

❑Deep learning algorithms are constructed with connected layers.


⮚The first layer is called the Input Layer
⮚The last layer is called the Output Layer
⮚All layers in between are called Hidden Layers. The word deep means
the network join neurons in more than two layers.
Hidden Layers…
• Each Hidden layer is composed of neurons.
• The neurons are connected to each other. The neuron will process
and then propagate the input signal it receives the layer above it.
• The strength of the signal given the neuron in the next layer depends
on the weight, bias and activation function.
• The network consumes large amounts of input data and operates
them through multiple layers.
• The network can learn increasingly complex features of the data at
each layer.
Deep learning Process
• A deep neural network provides state-of-the-art accuracy in many
tasks, from object detection to speech recognition.
• They can learn automatically, without predefined knowledge explicitly
coded by the programmers.
Why is Deep Learning Important?
• Deep learning is a powerful tool to make prediction an actionable
result.
• Deep learning excels in pattern discovery (unsupervised learning) and
knowledge-based prediction.
• Big data is the fuel for deep learning. When both are combined, an
organization can reap unprecedented results in term of productivity,
sales, management, and innovation.
Why is Deep Learning Important?
• Deep learning can outperform traditional method.
• For instance…
✔deep learning algorithms are 41% more accurate than machine
learning algorithm in image classification,
✔27 % more accurate in facial recognition
✔25% in voice recognition.
Limitations of Deep Learning
❑Data labeling
Most current AI models are trained through "supervised learning." It means
that humans must label and categorize the underlying data, which can be a
sizable and error-prone chore. For example, companies developing self-
driving-car technologies are hiring hundreds of people to manually annotate
hours of video feeds from prototype vehicles to help train these systems.
❑Obtain huge training datasets
The current wave of machine learning, however, requires training data sets
that are not only labeled but also sufficiently broad and universal. Deep-
learning methods required thousands of observation for models to become
relatively good at classification tasks and, in some cases, millions for them to
perform at the level of humans.
Deep Learning in Neural Network
❑A neural network works quite the same. Each layer represents a
deeper level of knowledge, i.e., the hierarchy of knowledge. A neural
network with four layers will learn more complex feature than with
that with two layers.
• The learning occurs in two phases.
⮚The first phase consists of applying a nonlinear transformation of the
input and create a statistical model as output.
⮚The second phase aims at improving the model with a mathematical
method known as derivative
❑The neural network repeats these two phases hundreds to
thousands of time until it has reached a tolerable level of accuracy.
The repeat of this two-phase is called an iteration.
Linear and Nonlinear System
Classification of Neural Networks
• Shallow neural network: The Shallow neural network has only one
hidden layer between the input and output.
• Deep neural network: Deep neural networks have more than one
layer.
✔For instance, Google LeNet model for image recognition counts 22
layers.
Practical uses of Neural Network
Nowadays, deep learning is used in many ways like …
• driverless car
• mobile phone
• Google Search Engine
• Fraud detection
• TV
• and so on.
Types of Neural Network
Feed-forward neural networks
• The simplest type of artificial neural network. With this type of
architecture, information flows in only one direction, forward.
• It means, the information's flows starts at the input layer, goes to the
"hidden" layers, and end at the output layer.
• The network does not have a loop. Information stops at the output
layers.
Recurrent neural networks (RNNs)
• RNN is a multi-layered neural network that can store information in
context nodes, allowing it to learn data sequences and output a
number or another sequence.
• In simple words it an Artificial neural networks whose connections
between neurons include loops.
• RNNs are well suited for processing sequences of inputs.
Example, if the task is to predict the next
word in the sentence "Do you want a…………?
• The RNN neurons will receive a signal that point to the start of the
sentence.
• The network receives the word "Do" as an input and produces a vector of
the number. This vector is fed back to the neuron to provide a memory to
the network. This stage helps the network to remember it received "Do"
and it received it in the first position.
• The network will similarly proceed to the next words. It takes the word
"you" and "want." The state of the neurons is updated upon receiving each
word.
• The final stage occurs after receiving the word "a." The neural network will
provide a probability for each English word that can be used to complete
the sentence. A well-trained RNN probably assigns a high probability to
"café," "drink," "burger," etc.
Common uses of RNN
• Help securities traders to generate analytic reports
• Detect abnormalities in the contract of financial statement
• Detect fraudulent credit-card transaction
• Provide a caption for images
• Power chatbots
• The standard uses of RNN occur when the practitioners are working
with time-series data or sequences (e.g., audio recordings or text).
Convolutional neural networks (CNN)
• CNN is a multi-layered neural network with a unique architecture
designed to extract increasingly complex features of the data at each
layer to determine the output. CNN's are well suited for perceptual
tasks.
• CNN is mostly used when there is an unstructured data set (e.g.,
images) and the practitioners need to extract information from it.
Convolutional neural networks (CNN)
• For instance, if the task is to predict an image caption:
• The CNN receives an image of let's say a cat, this image, in computer
term, is a collection of the pixel. Generally, one layer for the greyscale
picture and three layers for a color picture.
• During the feature learning (i.e., hidden layers), the network will
identify unique features, for instance, the tail of the cat, the ear, etc.
• When the network thoroughly learned how to recognize a picture, it
can provide a probability for each image it knows. The label with the
highest probability will become the prediction of the network.

You might also like