0% found this document useful (0 votes)
17 views20 pages

Wa0017.

The document provides an overview of Artificial Intelligence (AI) and its subset, Machine Learning (ML), detailing various types of ML including Supervised, Unsupervised, and Reinforcement Learning. It explains the key aspects, advantages, disadvantages, and applications of each type, highlighting real-world examples such as healthcare, self-driving cars, and speech recognition. The document emphasizes the growing significance of AI and ML in various sectors and their potential to revolutionize technology.

Uploaded by

ry6492yadav
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)
17 views20 pages

Wa0017.

The document provides an overview of Artificial Intelligence (AI) and its subset, Machine Learning (ML), detailing various types of ML including Supervised, Unsupervised, and Reinforcement Learning. It explains the key aspects, advantages, disadvantages, and applications of each type, highlighting real-world examples such as healthcare, self-driving cars, and speech recognition. The document emphasizes the growing significance of AI and ML in various sectors and their potential to revolutionize technology.

Uploaded by

ry6492yadav
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/ 20

UNIT - 3 ARTIFICIAL INTELLIGENCE

1. Introduction

❖ What is Artificial Intelligence?


In today's world, technology is growing very fast, and we are getting in touch with
different new technologies day by day.

Here, one of the booming technologies of computer science is Artificial Intelligence which
is ready to create a new revolution in the world by making intelligent machines. The
Artificial Intelligence is now all around us. It is currently working with a variety of
subfields, ranging from general to specific, such as self-driving cars, playing chess,
proving theorems, playing music, Painting, etc.

❖ What is Machine Learning?

Machine Learning is defined as a technology that is used to train machines to perform


various actions such as predictions, recommendations, estimations, etc., based on
historical data or past experience.

Machine Learning enables computers to behave like human beings by training them
with the help of past experience and predicted data.

There are three key aspects of Machine Learning, which are as follows:

o Task: A task is defined as the main problem in which we are interested. This
task/problem can be related to the predictions and recommendations and
estimations, etc.
o Experience: It is defined as learning from historical or past data and used to
estimate and resolve future tasks.
o Performance: It is defined as the capacity of any machine to resolve any
machine learning task or problem and provide the best outcome for the same.
However, performance is dependent on the type of machine learning problems.

Types of Machine Learning

Machine learning is a subset of AI, which enables the machine to automatically learn from
data, improve performance from past experiences, and make predictions. Machine learning
contains a set of algorithms that work on a huge amount of data. Data is fed to these algorithms to
train them, and on the basis of training, they build the model & perform a specific task.
UNIT - 3 ARTIFICIAL INTELLIGENCE

These ML algorithms help to solve different business problems like Regression, Classification,
Forecasting, Clustering, and Associations, etc.

Based on the methods and way of learning, machine learning is divided into mainly four types,
which are:

1. Supervised Machine Learning


2. Unsupervised Machine Learning
3. Semi-Supervised Machine Learning
4. Reinforcement Learning
UNIT - 3 ARTIFICIAL INTELLIGENCE

In this topic, we will provide a detailed description of the types of Machine Learning along with
their respective algorithms:

1. Supervised Machine Learning

As its name suggests, Supervised machine learning is based on supervision. It means in the
supervised learning technique, we train the machines using the "labelled" dataset, and based on
the training, the machine predicts the output. Here, the labelled data specifies that some of the
inputs are already mapped to the output. More preciously, we can say; first, we train the machine
with the input and corresponding output, and then we ask the machine to predict the output using
the test dataset.

Let's understand supervised learning with an example. Suppose we have an input dataset of cats
and dog images. So, first, we will provide the training to the machine to understand the images,
such as the shape & size of the tail of cat and dog, Shape of eyes, colour, height (dogs are
taller, cats are smaller), etc. After completion of training, we input the picture of a cat and ask the
machine to identify the object and predict the output. Now, the machine is well trained, so it will
check all the features of the object, such as height, shape, colour, eyes, ears, tail, etc., and find that
it's a cat. So, it will put it in the Cat category. This is the process of how the machine identifies the
objects in Supervised Learning.

The main goal of the supervised learning technique is to map the input variable(x) with the
output variable(y). Some real-world applications of supervised learning are Risk Assessment,
Fraud Detection, Spam filtering, etc.
UNIT - 3 ARTIFICIAL INTELLIGENCE

Categories of Supervised Machine Learning

Supervised machine learning can be classified into two types of problems, which are given below:

o Classification
o Regression

a) Classification

Classification algorithms are used to solve the classification problems in which the output variable
is categorical, such as "Yes" or No, Male or Female, Red or Blue, etc. The classification algorithms
predict the categories present in the dataset. Some real-world examples of classification algorithms
are Spam Detection, Email filtering, etc.

Some popular classification algorithms are given below:

o Random Forest Algorithm


o Decision Tree Algorithm
o Logistic Regression Algorithm
o Support Vector Machine Algorithm

b) Regression

Regression algorithms are used to solve regression problems in which there is a linear relationship
between input and output variables. These are used to predict continuous output variables, such as
market trends, weather prediction, etc.

Some popular Regression algorithms are given below:

o Simple Linear Regression Algorithm


o Multivariate Regression Algorithm
o Decision Tree Algorithm
o Lasso Regression

Advantages and Disadvantages of Supervised Learning

Advantages:

o Since supervised learning work with the labelled dataset so we can have an exact idea about
the classes of objects.
o These algorithms are helpful in predicting the output on the basis of prior experience.

Disadvantages:

o These algorithms are not able to solve complex tasks.


o It may predict the wrong output if the test data is different from the training data.
UNIT - 3 ARTIFICIAL INTELLIGENCE

o It requires lots of computational time to train the algorithm.

Applications of Supervised Learning

Some common applications of Supervised Learning are given below:

➢ Image Segmentation:
Supervised Learning algorithms are used in image segmentation. In this process, image
classification is performed on different image data with pre-defined labels.
➢ Medical Diagnosis:
Supervised algorithms are also used in the medical field for diagnosis purposes. It is done by
using medical images and past labelled data with labels for disease conditions. With such a
process, the machine can identify a disease for the new patients.
➢ Fraud Detection - Supervised Learning classification algorithms are used for identifying
fraud transactions, fraud customers, etc. It is done by using historic data to identify the
patterns that can lead to possible fraud.
➢ Spam detection - In spam detection & filtering, classification algorithms are used. These
algorithms classify an email as spam or not spam. The spam emails are sent to the spam
folder.
➢ Speech Recognition - Supervised learning algorithms are also used in speech recognition.
The algorithm is trained with voice data, and various identifications can be done using the
same, such as voice-activated passwords, voice commands, etc.

2. Unsupervised Machine Learning

Unsupervised learning is different from the Supervised learning technique; as its name suggests,
there is no need for supervision. It means, in unsupervised machine learning, the machine is
trained using the unlabeled dataset, and the machine predicts the output without any supervision.

In unsupervised learning, the models are trained with the data that is neither classified nor
labelled, and the model acts on that data without any supervision.

The main aim of the unsupervised learning algorithm is to group or categories the unsorted
dataset according to the similarities, patterns, and differences. Machines are instructed to find
the hidden patterns from the input dataset.

Let's take an example to understand it more preciously; suppose there is a basket of fruit images,
and we input it into the machine learning model. The images are totally unknown to the model, and
the task of the machine is to find the patterns and categories of the objects.

So, now the machine will discover its patterns and differences, such as colour difference, shape
difference, and predict the output when it is tested with the test dataset.

Categories of Unsupervised Machine Learning

Unsupervised Learning can be further classified into two types, which are given below:
UNIT - 3 ARTIFICIAL INTELLIGENCE

o Clustering
o Association

1) Clustering

The clustering technique is used when we want to find the inherent groups from the data. It is a
way to group the objects into a cluster such that the objects with the most similarities remain in
one group and have fewer or no similarities with the objects of other groups. An example of the
clustering algorithm is grouping the customers by their purchasing behaviour.

Some of the popular clustering algorithms are given below:

o K-Means Clustering algorithm


o Mean-shift algorithm
o DBSCAN Algorithm
o Principal Component Analysis
o Independent Component Analysis

2) Association

Association rule learning is an unsupervised learning technique, which finds interesting relations
among variables within a large dataset. The main aim of this learning algorithm is to find the
dependency of one data item on another data item and map those variables accordingly so that it
can generate maximum profit. This algorithm is mainly applied in Market Basket analysis, Web
usage mining, continuous production, etc.

Some popular algorithms of Association rule learning are Apriori Algorithm, Eclat, FP-growth
algorithm.

Advantages and Disadvantages of Unsupervised Learning Algorithm

Advantages:

o These algorithms can be used for complicated tasks compared to the supervised ones
because these algorithms work on the unlabeled dataset.
o Unsupervised algorithms are preferable for various tasks as getting the unlabeled dataset is
easier as compared to the labelled dataset.

Disadvantages:

o The output of an unsupervised algorithm can be less accurate as the dataset is not labelled,
and algorithms are not trained with the exact output in prior.
o Working with Unsupervised learning is more difficult as it works with the unlabelled
dataset that does not map with the output.

Applications of Unsupervised Learning


UNIT - 3 ARTIFICIAL INTELLIGENCE

o Network Analysis: Unsupervised learning is used for identifying plagiarism and copyright
in document network analysis of text data for scholarly articles.
o Recommendation Systems: Recommendation systems widely use unsupervised learning
techniques for building recommendation applications for different web applications and e-
commerce websites.
o Anomaly Detection: Anomaly detection is a popular application of unsupervised learning,
which can identify unusual data points within the dataset. It is used to discover fraudulent
transactions.
o Singular Value Decomposition: Singular Value Decomposition or SVD is used to extract
particular information from the database. For example, extracting information of each user
located at a particular location.

3. Reinforcement Learning

Reinforcement learning works on a feedback-based process, in which an AI agent (A


software component) automatically explore its surrounding by hitting & trail, taking action,
learning from experiences, and improving its performance. Agent gets rewarded for each good
action and get punished for each bad action; hence the goal of reinforcement learning agent is to
maximize the rewards.

In reinforcement learning, there is no labelled data like supervised learning, and agents learn from
their experiences only.

The reinforcement learning process is similar to a human being; for example, a child learns various
things by experiences in his day-to-day life. An example of reinforcement learning is to play a
game, where the Game is the environment, moves of an agent at each step define states, and the
goal of the agent is to get a high score. Agent receives feedback in terms of punishment and
rewards.

Due to its way of working, reinforcement learning is employed in different fields such as Game
theory, Operation Research, Information theory, multi-agent systems.

A reinforcement learning problem can be formalized using Markov Decision Process(MDP). In


MDP, the agent constantly interacts with the environment and performs actions; at each action, the
environment responds and generates a new state.

Categories of Reinforcement Learning

Reinforcement learning is categorized mainly into two types of methods/algorithms:

o Positive Reinforcement Learning: Positive reinforcement learning specifies increasing


the tendency that the required behaviour would occur again by adding something. It
enhances the strength of the behaviour of the agent and positively impacts it.
UNIT - 3 ARTIFICIAL INTELLIGENCE

o Negative Reinforcement Learning: Negative reinforcement learning works exactly


opposite to the positive RL. It increases the tendency that the specific behaviour would
occur again by avoiding the negative condition.

Real-world Use cases of Reinforcement Learning

o Video Games:
RL algorithms are much popular in gaming applications. It is used to gain super-human
performance. Some popular games that use RL algorithms are AlphaGO and AlphaGO Zero.
o Resource Management:
The "Resource Management with Deep Reinforcement Learning" paper showed that how to
use RL in computer to automatically learn and schedule resources to wait for different jobs
in order to minimize average job slowdown.
o Robotics:
RL is widely being used in Robotics applications. Robots are used in the industrial and
manufacturing area, and these robots are made more powerful with reinforcement learning.
There are different industries that have their vision of building intelligent robots using AI
and Machine learning technology.
o Text Mining
Text-mining, one of the great applications of NLP, is now being implemented with the help
of Reinforcement Learning by Salesforce company.

Advantages and Disadvantages of Reinforcement Learning

Advantages

o It helps in solving complex real-world problems which are difficult to be solved by general
techniques.
o The learning model of RL is similar to the learning of human beings; hence most accurate
results can be found.
o Helps in achieving long term results.

Disadvantage

o RL algorithms are not preferred for simple problems.


o RL algorithms require huge data and computations.
o Too much reinforcement learning can lead to an overload of states which can weaken the
results.
UNIT - 3 ARTIFICIAL INTELLIGENCE

Applications of Machine Learning

Machine Learning is widely being used in approximately every sector, including healthcare,
marketing, finance, infrastructure, automation, etc. There are some important real-world
examples of machine learning, which are as follows:

1.Healthcare and Medical Diagnosis:


Machine Learning is used in healthcare industries that help in generating neural networks. These
self-learning neural networks help specialists for providing quality treatment by analyzing external
data on a patient's condition, X-rays, CT scans, varioustests, and screenings. Other than treatment,
machine learning is also helpful for caseslike automatic billing, clinical decision supports, and
development of clinical care guidelines, etc.

2.Self-driving cars:
This is one of the most exciting applications of machine learning in today's world. It plays a vital
role in developing self-driving cars. Various automobile companies like Tesla, Tata, etc., are
continuously working for the development of self-driving cars. It also becomes possible by the
machine learning method (supervised learning), in whicha machine is trained to detect people and
objects while driving.

3.Speech Recognition:
Speech Recognition is one of the most popular applications of machine learning. Nowadays, almost
every mobile application comes with a voice search facility. This ''Search By Voice'' facility is also a
part of speech recognition. In this method, voice instructions are converted into text, which is
known as Speech to text" or "Computer speech recognition.
Google assistant, SIRI, Alexa, Cortana, etc., are some famous applications of speech
recognition.
UNIT - 3 ARTIFICIAL INTELLIGENCE

4.Traffic Prediction:
Machine Learning also helps us to find the shortest route to reach our destination by using Google
Maps. It also helps us in predicting traffic conditions, whether it is clearedor congested, through the
real-time location of the Google Maps app and sensor.

5.Image Recognition:
Image recognition is also an important application of machine learning for identifyingobjects,
persons, places, etc. Face detection and auto friend tagging suggestion is themost famous
application of image recognition used by Facebook, Instagram, etc. Whenever we upload photos
with our Facebook friends, it automatically suggests theirnames through image recognition
technology.

6.Product Recommendations:
Machine Learning is widely used in business industries for the marketing of various products.
Almost all big and small companies like Amazon, Alibaba, Walmart, Netflix, etc., are using machine
learning techniques for products recommendation to their users. Whenever we search for any
products on their websites, we automatically get started with lots of advertisements for similar
products. This is also possible by Machine Learning algorithms that learn users' interests and,
based on past data, suggest products to the user.

7.Automatic Translation:
Automatic language translation is also one of the most significant applications of machine learning
that is based on sequence algorithms by translating text of one language into other desirable
languages. Google GNMT (Google Neural Machine Translation) provides this feature, which is
Neural Machine Learning. Further, you can also translate the selected text on images as well as
complete documents through Google Lens.

8.Virtual Assistant:
A virtual personal assistant is also one of the most popular applications of machine learning. First, it
records out voice and sends to cloud-based server then decode it withthe help of machine learning
algorithms. All big companies like Amazon, Google, etc.,are using these features for playing music,
calling someone, opening an app and searching data on the internet, etc.

9.Email Spam and Malware Filtering:


Machine Learning also helps us to filter various Emails received on our mailbox according to their
category, such as important, normal, and spam. It is possible by ML algorithms such as Multi-Layer
Perceptron, Decision tree, and Naïve Bayes classifier.
UNIT - 3 ARTIFICIAL INTELLIGENCE

FUTURE OF ML:-
Machine Learning (ML) is so versatile and powerful that it’s one of the most exciting technologies
of our times. Amazon uses it, Netflix uses it, Facebook uses it, and the list goes on and on. But, as
with all other hyped technologies, there are a lot of misconceptions about machine learning too. In
this article, we will discuss the future of machine learning and its value throughout industries.
Machine learning works on the principles of computer algorithms that learn in a reflex manner
through trials and experiences. ML is an application of Artificial Intelligence that permits program
applications to anticipate results with utmost precision. It makes a distinction to create computer
programs and to assist computers to memorize without human intercession. Machine learning
plays an important role in the field of enterprises as it enables entrepreneurs to understand
customers’ behavior and business functioning behavior. Nowadays leading companies like Google,
Amazon, Facebook, Tesla, and many more are efficiently utilizing these technologies, as a result,
machine learning has become a core operational part of functioning.
The future of machine learning is exceptionally exciting. At present, almost every common domain
is powered by machine learning applications. To name a few such industries – healthcare, search
engine, digital marketing, and education are the major beneficiaries.
ML could be contested merit to an enterprise or an organization as tasks that are presently being
done manually shall be wholly accomplished by the machines in the future. Machine Learning
becomes AI’s greatest blessing to the human race for the effective realization of the targets.
The fields of Computer Vision and Natural Language Processing(NLP) are making breakthroughs
that no one could’ve predicted. We see both of them in our lives – facial recognition in our
smartphones, language translation software, self-driving cars, and so on. What might seem science
fiction is becoming a reality.
UNIT - 3 ARTIFICIAL INTELLIGENCE

What is Deep Learning ?

Deep learning is a branch of machine learning which is completely base on artificial neural
networks, as neural network is going to mimic the human brain so deep learning is also a kind of
mimic of human brain. In deep learning, we don’t need to explicitly program everything. The
concept of deep learning is not new. It has been around for a couple of years now. It’s on hype
nowadays because earlier we did not have that much processing power and a lot of data. As in the
last 20 years, the processing power increases exponentially, deep learning and machine learning
came in the picture. A formal definition of deep learning is- neurons . Deep learning is a particular
kind of machine learning that achieves great power and flexibility by learning to represent the
world as a nested hierarchy of concepts, with each concept defined in relation to simpler concepts,
and more abstract representations computed in terms of less abstract ones.
In human brain approximately 100 billion neurons all together this is a picture of an individual
neuron and each neuron is connected through thousand of their neighbours.

Deep Learning Techniques

There are several types of deep learning techniques that can effectively and reliably solve issues
that are too difficult for the human brain to solve. They are listed in the paragraphs below.

1. Classic Neural Networks


Multilayer perceptrons, where the neurons are linked to the continuous network, are widely used
to identify Fully Connected Neural Networks. Fran Rosenblatt, an American psychologist, created it
in 1958. It entails the transformation of the model into basic binary data inputs.

The following are the three functions incorporated in this model:


1. Linear function: The term "linear function" refers to a single line that multiplies its inputs
with a constant multiplier.
2. Non-linear function: The non-linear function is further separated into three subsets:Sigmoid
curve - The sigmoid curve is a function that has a range of 0 to 1 and is viewed as an S-shaped
curve.
Hyperbolic Tangent - The S-shaped curve with a range of -1 to 1 is known as the hyperbolic tangent
(tanh).
ReLU (Rectified Linear Unit): It's a single-point function that returns 0 if the input value is less than
the specified value and the linear multiple if the input value is greater.
UNIT - 3 ARTIFICIAL INTELLIGENCE

2. Convolutional Neural Networks


The traditional artificial neural network model, CNN, is a sophisticated and high- potential variant.
It's designed to handle increasing levels of complexity, preprocessing, and data compilation. It is
based on the sequence in which neurons in the visual cortex of an animal's brain are arranged.
CNN’s are one of the most versatile models for specializing in both image and non-image data.
CNN’s are divided into four layers:

• It consists of a single input layer, which is typically a two-dimensional arrangement of


neurons for interpreting primary visual data similar to picture pixels.

• A single-dimensional output layer of neurons in some CNNs processes images on their


inputs via the distributed connected convolutional layers.

• A third layer, known as the sample layer, is present in CNNs to limit the number of neurons
involved in the respective network levels.

In general, CNNs have one or more connected layers that link the sample and output layers.
• This network model can aid in the extraction of relevant visual data in smaller units or
chunks. The neurons in the convolution layers are responsible for the previous layer's cluster of
neurons.

3. Recurrent Neural Networks (RNNs)


RNNs were initially developed to aid in the prediction of sequences; for example, the Long Short-
Term Memory (LSTM) algorithm is well-known for its versatility. These networks are only based
on data sequences with varied input lengths. For the present estimate, the RNN uses the
information learned from its previous state as an input value. As a result, it can assist in attaining
selective memory in a network, allowing for successful stock price performance management or
other time-based data systems. For the current prediction, the RNN uses the knowledge learned
from its previous state as an input value. As a result, it can assist in achieving short-term memory
in a network, allowing for effective stock price change management or other time- based data
systems. As previously stated, there are two general types of RNN designs that aid in problem
analysis. They are as follows:
LSTMs: Memory-based models for predicting data in temporal sequences. Input, Output, and
Forget are the three gates.
• Gated RNNs: These are also effective for memory-based data prediction of temporal
sequences. Update and Reset are the two gates. The convolution layers are responsible for the
previous layer's cluster of neurons.
UNIT - 3 ARTIFICIAL INTELLIGENCE

4. Boltzmann Machines
This model has no predetermined direction. System monitoring, binary suggestion platforms, and
particular dataset analysis all leverage this deep learning method. It is a one-of-a-kind deep
learning approach for generating model parameters, with nodes organized in a circular pattern. It
is distinct from the other deep learning network models and is also referred to as stochastic.
Boltzmann Machines have a learning method that aids in the discovery of interesting features in
binary vector datasets. In networks with multiple layers of feature detectors, the learning method
is normally slow, but it can be improved faster by incorporating a learning layer of feature
detectors. Boltzmann machines are commonly used to address a variety of computing issues. For
example, the weights on the connections in a search problem can be specified and utilized to
represent the cost function of the optimization problem as explained by Analytics India Magzine.

5. Transfer Learning
It is the process of fine-tuning a previously taught system or model to execute new and more
precise jobs. This strategy is advantageous since it requires much less data than other ways and
helps decrease long processing times.Transfer learning is related to issues such as multi-tasking
and concept drift, but it is not solely a study of deep learning.Nonetheless, given the massive
resources necessary to train deep learning models or the big and complex datasets on which deep
learning models are taught, transfer learning is popular in deep learning. In deep learning, transfer
learning only works if the model characteristics gained in the first task are general.

6. Generative Adversarial Networks


It is a hybrid of two different deep learning neural network techniques: a Generator and a
Discriminator. Although the Generator Network generates fictitious data, the Discriminator aids in
distinguishing between actual and fictitious data. Because the Generator continues to produce false
data that is identical to genuine data - and the Discriminator continues to recognize real and unreal
data – both networks are competitive. The Generator network will produce simulated data to the
authentic photographs in a case where an image library is required. After that, it essentially creates
a deconvolution neural network. GANs are an exciting and rapidly evolving field that fulfills the
promise of generative models by generating realistic examples across a variety of problem
domains, most notably in image-to-image translation tasks such as converting summer to winter or
day to night photos, and in generating photorealistic photos of objects, scenes, and people that
even humans can't tell are fake.

7. Autoencoders
Autoencoders, one of the most widely used deep learning algorithms, operates autonomously
depending on its inputs before applying an activation function and decoding the final output. As a
result of the bottleneck, fewer categories of data are produced, and the underlying data structures
are utilized to the greatest extent possible.
An autoencoder is made up of three parts:
• Encoder: An encoder is a fully connected, feedforward neural network that compresses the
input image into a latent space representation and encodes it as a compressed representation in a
lower dimension. The deformed representation of the original image is the compressed image.
UNIT - 3 ARTIFICIAL INTELLIGENCE

• Code: The reduced representation of the input that is supplied into the decoder is stored in
this section of the network.
• Decoder: Like the encoder, the decoder is a feedforward network with a structure identical
to the encoder. This network is in charge of reassembling the input from the code to its original
dimensions.

The input is compressed and stored in the layer called Code by the encoder, and then the original
input is decompressed from the code by the decoder. The autoencoder's principal goal is to provide
an output that is identical to the input.

Top Deep Learning Applications to Know

1. FRAUD DETECTION
Fraud is a growing problem in the digital world. In 2021, consumers reported 2.8 million cases of
fraud to the Federal Trade Commission. Identify theft and imposter scams were the two most
common fraud categories.
To help prevent fraud, companies like Signifyd use deep learning to detect anomalies in user
transactions. Those companies deploy deep learning to collect data from a variety of sources,
including the device location, length of stride and credit card purchasing patterns to create a
unique user profile. Mastercard has taken a similar approach, leveraging its Decision Intelligence
and AI Express platforms to more accurately detect fraudulent credit card activity. And for
companies that rely on e-commerce, Riskified is making consumer finance easier by reducing the
number of bad orders and chargebacks for merchants.
Relevant companies: Signifyd, Mastercard, Riskified

2. CUSTOMER RELATIONSHIP MANAGEMENT


Customer relationship management systems are often referred to as the “single source of truth” for
revenue teams. They contain emails, phone call records and notes about all of the company’s
current and former customers as well as its prospects. Aggregating that information has helped
revenue teams provide a better customer experience, but the introduction of deep learning in CRM
systems has unlocked another layer of customer insights.
Deep learning is able to sift through all of the scraps of data a company collects about its prospects
to reveal trends about why customers buy, when they buy and what keeps them around. This
includes predictive lead scoring, which helps companies identify customers they have the best
chances to close; scraping data from customer notes to make it easier toidentify trends; and
predictions about customer support needs.
Relevant Companies: Salesforce, Zoho, Epicor

3. COMPUTER VISION

Deep learning aims to mimic the way the human mind digests information and detects
patterns, which makes it a perfect way to train vision-based AI programs. Using deep
learning models, those platforms are able to take in a series of labeled photo sets to
UNIT - 3 ARTIFICIAL INTELLIGENCE

learn to detect objects like airplanes, facesand guns.


The application for image recognition is expansive. Neurala uses an algorithm it calls
Lifelong-DNN to complete manufacturing quality inspections. Others, like ZeroEyes, use
deep learning to detect firearms in public places like schools and government property.
When a gun is detected, the system is designed to alert police in an effort to prevent
shootings. And finally, companies like Motional rely on AI technologies toreinforce their
LiDAR, radar and camera systems in autonomous vehicles.

Relevant companies: Neurala, ZeroEyes, Motional

4. AGRICULTURE

Agriculture will remain a key source of food production in the coming years, so people
have found ways to make the process more efficient withdeep learning and AI tools. In
fact, a 2021 Forbes article revealed that theagriculture industry is expected to invest $4
billion in AI solutions by 2026. Farmers have already found various uses for the
technology, wielding AI to detect intrusive wild animals, forecast crop yields and
power self-driving machinery.
Blue River Technology has explored the possibilities of self-driven farm products by
combining machine learning, computer vision and robotics. The results have been
promising, leading to smart machines — like a lettuce bot that knows how to single out
weeds for chemical spraying while leaving plants alone. In addition, companies like
Taranis blend computer vision and deep learning to monitor fields and prevent crop
lossdue to weeds, insects and other causes.

Relevant Companies: Blue River Technology, Taranis

5. VOCAL AI
When it comes to recreating human speech or translating voice to text, deep learning has
a critical role to play. Deep learning models enable tools like Google Voice Search and Siri
to take in audio, identify speech patterns and translate it into text. Then there’s
DeepMind’s WaveNet model, which employs neural networks to take text and identify
syllable patterns, inflection points and more. This enables companies like Google to train
their virtual assistants to sound more human. In addition, Mozilla’s2017 RRNoise Project
used it to identify and suppress background noise inaudio files, providing users with
clearer audio.
Relevant companies: Mozilla, DeepMind, Apple

6. NATURAL LANGUAGE PROCESSING


The introduction of natural language processing technology has made it possible for
robots to read messages and divine meaning from them. Still,the process can be
somewhat oversimplified, failing to account for the ways that words combine together
to change the meaning or intent behinda sentence.

Deep learning enables natural language processors to identify more complicated patterns in
sentences to provide a more accurate interpretation. Companies like Gamalon use deep
learning to power a chatbot that is able to respond to a larger volume of messages and
providemore accurate responses. Other companies like Strong apply it in
its NLP tool to help users translate text, categorize text to help mine datafrom a collection
of messages and identify sentiment in text. Grammarlyalso uses deep learning in
UNIT - 3 ARTIFICIAL INTELLIGENCE

combination with grammatical rules and patterns to help users identify the errors and tone
of their messages.
Relevant companies: Gamalon, Strong, Grammarly

7.DATA REFINING
When large amounts of raw data are collected, it’s hard for data scientists to identify
patterns, draw insights or do much with it. It needs to be processed. Deep learning models
are able to take that raw data and make itaccessible. Companies like Descartes Labs use a
cloud-based supercomputer to refine data. Making sense of swaths of raw data can be useful
for disease control, disaster mitigation, food security and satellite imagery.
Relevant companies: Descartes Labs, IBM

8. VIRTUAL ASSISTANTS
The divide between humans and machines continues to blur as virtual assistants become a
part of everyday life. These AI-driven tools display amix of AI, machine learning and deep
learning techniques in order to process commands. Apple’s Siri and Google’s Google
Assistant are two prominent examples, with both being able to operate across laptops,
speakers, TVs and other devices. People can expect to see more virtual assistants and
chatbots in the near future as the industry is on track to undergo plenty of growth
through 2028.
Relevant Companies: Apple, Google

9. E-COMMERCE

Online shopping is now the de-facto way people purchase goods, but it canstill be frustrating
to scroll through dozens of pages to find the right pair ofshoes that match your style. Some e-
commerce companies are turning to deep learning to make the hunt easier. Among Clarifai’s
many deep learning offerings is a tool that helps brands with image labeling to boost SEO
traffic and surface alternative products for users when an item is out of stock. E-commerce
giant eBay also applies a suite of AI, machine learning and deep learning techniques to power
its global online marketplace and further enhance its search engine capabilities.
Relevant companies: Clarifai, eBay

10.EMOTIONAL INTELLIGENCE
While computers may not be able to replicate human emotions, they are getting better at
understanding our moods thanks to deep learning. Patternslike a shift in tone, a slight frown
or a huff are all valuable data signals thatcan help AI detect our moods.
Companies like Affectiva are using deep learning to track all of those vocal and facial
reactions to provide a nuanced understanding of our moods. Others like Cogito analyze
the behaviors of customer service representatives to gauge their emotional intelligence
and offer real-timeadvice for improved interactions.
Relevant companies: Affectiva, Cogito.
UNIT - 3 ARTIFICIAL INTELLIGENCE

What are the Scopes of Deep Learning ?

Deep learning has a varied range of applications, which has led to a rise in itspopularity
and its usage in various industries. It is used by several organizations from different
sectors or industries. Some fields of application ofdeep learning are :

• Image and fingerprint recognition functions


• Open source platforms with customer recommendations
• Banking apps
• Medical research tool
• Business trends and outcomes
Deep learning algorithms seek to explore and analyze the unknown structurein the
input distribution to discover useful representations with the help of feature learning,
continually evolving and improvising with the input of additional data.

The scope of deep knowledge for its self-adaptive feature is boundless in today’s time.
The deep learning discipline isn’t simple, and its complete capabilities have not yet been
explored. But it is a potent branch of machinelearning and has a lot of scopes soon.

• It will adopt a core set of standards and tooling frameworks.


• It is destined to be endorsed and demanded by several brands and businesses.
• Fast coding through simplified programming frameworks.
• It will be increasingly used in the field of designing and building
generativedesigning tools.
• Image search, photorealistic rendering, resolution enhancement, and various
other applications of deep learning is being developed and researched for
bestresults.
Deep learning has been one of the most dynamic and versatile branches of data science that is
ever-transforming and has immense potential. It stands tobe one of the most promising career
paths with a diverse range of scopes andopportunities.
UNIT - 3 ARTIFICIAL INTELLIGENCE

Difference between Machine Learning and Deep Learning :

Machine Learning Deep Learning

Works on Large amountof


Works on small amount of Dataset Dataset.
for accuracy.

Heavily dependent onHigh-


Dependent on Low-end Machine. end Machine.

Divides the tasks into sub-tasks, Solves problem end toend.


solves themindividually and finally
combine the results.

Takes longer time totrain.


Takes less time to train.

Less time to test thedata.


Testing time may increase.
UNIT - 3 ARTIFICIAL INTELLIGENCE

References :-

https://www.javatpoint.com/artificial-intelligence-tutorial

https://www.javatpoint.com/machine-learning

https://www.javatpoint.com/deep-learning

https://www.geeksforgeeks.org/machine-learning/

https://www.techtarget.com/searchenterpriseai/definition/deep-learning-deep-neural-network

You might also like