100% found this document useful (1 vote)
211 views10 pages

Research Paper On Artificial Intelligence, Machine Learning and Deep Learning by Deepankar Arvind Howal

This document provides a summary of a research paper on artificial intelligence, machine learning, and deep learning. It discusses the definitions and types of artificial intelligence, including reactive machines, limited memory systems, theory of mind, and self-awareness. It then discusses machine learning and its classification into supervised, unsupervised, and reinforcement learning. Nine applications of artificial intelligence are also summarized, including in healthcare, business, education, finance, law, manufacturing, banking, transportation, and security.
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
100% found this document useful (1 vote)
211 views10 pages

Research Paper On Artificial Intelligence, Machine Learning and Deep Learning by Deepankar Arvind Howal

This document provides a summary of a research paper on artificial intelligence, machine learning, and deep learning. It discusses the definitions and types of artificial intelligence, including reactive machines, limited memory systems, theory of mind, and self-awareness. It then discusses machine learning and its classification into supervised, unsupervised, and reinforcement learning. Nine applications of artificial intelligence are also summarized, including in healthcare, business, education, finance, law, manufacturing, banking, transportation, and security.
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/ 10

Research Paper on

Artificial Intelligence, Machine Learning, and Deep Learning :


By

Deepankar Arvind Howal,


M.Sc Computer Science
Under The Guidance of
Dr. Kabir. G. Kharade,
Assistant Professor
Department of Computer Science,
Shivaji University, Kolhapur.

ABSTRACT : Artificial Intelligence (AI) is a field of computer science and computer


systems that emphasizes frameworks to perform tasks that conventionally are perceived as
requiring human cognition and intelligence. It is an industry that has been progressing and
integrating into our daily lives through the technologies we use. With recent scientific
developments, Machine Learning (ML) and Deep Learning (DL) have been
prominent names associated with AI. While there is an overlap among all of them, they are not
the same.

1] ARTIFICIAL INTELLIGENCE : Artificial intelligence is the simulation of human


intelligence processes by machines, especially computer systems. Specific applications of AI
include expert systems, natural language processing, speech recognition and machine vision.
 Type 1: Reactive machines. These AI systems have no memory and are task specific. An
example is Deep Blue, the IBM chess program that beat Garry Kasparov in the 1990s. Deep
Blue can identify pieces on the chessboard and make predictions, but because it has no memory,
it cannot use past experiences to inform future ones.
 Type 2: Limited memory. These AI systems have memory, so they can use past experiences
to inform future decisions. Some of the decision-making functions in self-driving cars are
designed this way.
 Type 3: Theory of mind. Theory of mind is a psychology term. When applied to AI, it means
that the system would have the social intelligence to understand emotions. This type of AI will
be able to infer human intentions and predict behavior, a necessary skill for AI systems to
become integral members of human teams.
 Type 4: Self-awareness. In this category, AI systems have a sense of self, which gives them
consciousness. Machines with self-awareness understand their own current state. This type of
AI does not yet exist.
 Artificial intelligence has made its way into a wide variety of markets. Here are nine
examples.

1) AI in healthcare : The biggest bets are on improving patient outcomes and reducing costs.
Companies are applying machine learning to make better and faster diagnoses than
humans. One of the best-known healthcare technologies is IBM Watson. It understands
natural language and can respond to questions asked of it. The system mines patient data
and other available data sources to form a hypothesis, which it then presents with a
confidence scoring schema. Other AI applications include using online virtual health
assistants and chatbots to help patients and healthcare customers find medical information,
schedule appointments, understand the billing process and complete other administrative
processes. An array of AI technologies is also being used to predict, fight and understand
pandemics such as COVID-19.

2) AI in business : Machine learning algorithms are being integrated into analytics and
customer relationship management (CRM) platforms to uncover information on how to
better serve customers. Chatbots have been incorporated into websites to provide
immediate service to customers. Automation of job positions has also become a talking
point among academics and IT analysts.

3) AI in education : AI can automate grading, giving educators more time. It can assess
students and adapt to their needs, helping them work at their own pace. AI tutors can
provide additional support to students, ensuring they stay on track. And it could change
where and how students learn, perhaps even replacing some teachers.

4) AI in finance : AI in personal finance applications, such as Intuit Mint or TurboTax, is


disrupting financial institutions. Applications such as these collect personal data and
provide financial advice. Other programs, such as IBM Watson, have been applied to the
process of buying a home. Today, artificial intelligence software performs much of the
trading on Wall Street.

5) AI in law : The discovery process -- sifting through documents -- in law is often


overwhelming for humans. Using AI to help automate the legal industry's labor-intensive
processes is saving time and improving client service. Law firms are using machine
learning to describe data and predict outcomes, computer vision to classify and extract
information from documents and natural language processing to interpret requests for
information.
6) AI in manufacturing : Manufacturing has been at the forefront of incorporating robots
into the workflow. For example, the industrial robots that were at one time programmed to
perform single tasks and separated from human workers, increasingly function as cobots:
Smaller, multitasking robots that collaborate with humans and take on responsibility for
more parts of the job in warehouses, factory floors and other workspaces.

7) AI in banking : Banks are successfully employing chatbots to make their customers


aware of services and offerings and to handle transactions that don't require human
intervention. AI virtual assistants are being used to improve and cut the costs of compliance
with banking regulations. Banking organizations are also using AI to improve their
decision-making for loans, and to set credit limits and identify investment opportunities.

8) AI in transportation : In addition to AI's fundamental role in operating autonomous


vehicles, AI technologies are used in transportation to manage traffic, predict flight delays,
and make ocean shipping safer and more efficient.

9) Security : AI and machine learning are at the top of the buzzword list security vendors
use today to differentiate their offerings. Those terms also represent truly viable
technologies. Organizations use machine learning in security information and event
management (SIEM) software and related areas to detect anomalies and identify suspicious
activities that indicate threats. By analyzing data and using logic to identify similarities to
known malicious code, AI can provide alerts to new and emerging attacks much sooner
than human employees and previous technology iterations. The maturing technology is
playing a big role in helping organizations fight off cyber attacks.

2] MACHINE LEARNING : Machine learning is a subfield of computer science that is


concerned with building algorithms which, to be useful, rely on a collection of examples of
some phenomenon. These examples can come from nature, be handcrafted by humans or
generated by another algorithm.
Machine learning can also be defined as the process of solving a practical problem by
1)gathering a dataset, and 2) algorithmically building a statistical model based on that dataset.
That statistical model is assumed to be used somehow to solve the practical problem.

Machine Learning tutorial provides basic and advanced concepts of machine learning. Our
machine learning tutorial is designed for students and working professionals.
Machine learning is a growing technology which enables computers to learn automatically
from past data. Machine learning uses various algorithms for building mathematical models
and making predictions using historical data or information. Currently, it is being used for
various tasks such as image recognition, speech recognition, email filtering, Facebook auto-
tagging, recommender system, and many more.

This machine learning tutorial gives you an introduction to machine learning along with the
wide range of machine learning techniques such as Supervised, Unsupervised, and
Reinforcement learning. You will learn about regression and classification models, clustering
methods, hidden Markov models, and various sequential models.

Machine Learning is said as a subset of artificial intelligence that is mainly concerned with the
development of algorithms which allow a computer to learn from the data and past experiences
on their own. The term machine learning was first introduced by Arthur Samuel in 1959.

“Machine learning enables a machine to automatically learn from data, improve performance
from experiences, and predict things without being explicitly programmed.”
With the help of sample historical data, which is known as training data, machine learning
algorithms build a mathematical model that helps in making predictions or decisions without
being explicitly programmed. Machine learning brings computer science and statistics together
for creating predictive models. Machine learning constructs or uses the algorithms that learn
from historical data. The more we will provide the information, the higher will be the
performance.

A machine has the ability to learn if it can improve its performance by gaining more data.
 Classification of Machine Learning : At a broad level, machine learning can be
classified into three types:
1) Supervised learning
2) Unsupervised learning
3) Reinforcement learning

1) Supervised Learning
Supervised learning is a type of machine learning method in which we provide sample labeled
data to the machine learning system in order to train it, and on that basis, it predicts the output.

The system creates a model using labeled data to understand the datasets and learn about each
data, once the training and processing are done then we test the model by providing a sample
data to check whether it is predicting the exact output or not.

The goal of supervised learning is to map input data with the output data. The supervised
learning is based on supervision, and it is the same as when a student learns things in the
supervision of the teacher. The example of supervised learning is spam filtering.

Supervised learning can be grouped further in two categories of algorithms:


o Classification
o Regression
2) Unsupervised Learning :
Unsupervised learning is a learning method in which a machine learns without any supervision.

The training is provided to the machine with the set of data that has not been labeled, classified,
or categorized, and the algorithm needs to act on that data without any supervision. The goal
of unsupervised learning is to restructure the input data into new features or a group of objects
with similar patterns.

In unsupervised learning, we don't have a predetermined result. The machine tries to find useful
insights from the huge amount of data. It can be further classifieds into two categories of
algorithms:

o Clustering
o Association
3) Reinforcement Learning
Reinforcement learning is a feedback-based learning method, in which a learning agent gets a
reward for each right action and gets a penalty for each wrong action. The agent learns
automatically with these feedbacks and improves its performance. In reinforcement learning,
the agent interacts with the environment and explores it. The goal of an agent is to get the most
reward points, and hence, it improves its performance.

The robotic dog, which automatically learns the movement of his arms, is an example of
Reinforcement learning.

Machine Learning Applications : Machine learning techniques find use in wide number of
applications like health, finance, social media, travel, email spam and malware filtering,
online customer support, search engine result refining, product recommendations and lot
more. Some of which are explained in detail below.

 Social media : 1)Face recognition: Facebook identifies similar features and suggests
name for tagging. Before we select our friend name for tag already a correct name is
suggested by facebook. 2)Persons we visit or look for profile are suggested as our
facebook friends. 3)Targeted marketing: Clusters are built analysing the customers
and understanding their buying behaviour.
 Online Customer support: 1) Some websites provide an online interaction system to
solve the queries of their customers there and then. 2) If live expert is not there then
chatbots are there which provides us with answers by searching answers from the
website.
 Finance: 1) Online fraud is increasingly day by day. Machine learning algorithms
can detect these frauds easily. For example PayPal can easily detect whether the
transaction is genuine or not. 2) Get advice on which investment will give maximum
profit. 3) It is used in banking for purposes like character recognition.
 Travel: 1) GPS can find directions for our destination and even predict traffic for us.
2) OLA / UBER can determine price for our ride. 3) We get suggestions for hotels when
we book flights for our outing. 4) Trip advisor shows reviews and opinions from
many people which can help people look for their own preferences.
 Email Spam and malware Filtering: 1) Through many lines of code, similar patterns
are searched and malware are detected which can otherwise compromise with data
security. 2) Spam filters are updated regularly.
 Search Engine Result Refining: 1) When we search for results say in Google it keeps
tracks at the backend whether we opened first page and got the results or looked at
second or third page, etc.
 In Image processing and computer vision: 1) It helps in image restoration, enhancement
and morphing. 2) It helps computer analysing the things for better clarity.
 Health: 1) Today lots of patients are suffering from various diseases which prove to
be fatal. Doctors can look for symptoms and can even predict how long they will
live. 2) New drugs can be discovered and built easily. 3) People can be made aware
how to protect them from these deadly diseases.
 Natural Language Processing: 1) It helps in text classification i.e given text we can
classify the class label. 2) Speech Recognition: Given an audio signal or voice clip
voice can be recognised. 3) Photos are there we can predict the caption for the required
photo.
 Automative Industry: 1) Driverless cars. 2) Mood of the driver can be predicted
and many road accidents can be prevented due to driver fatigue, etc. 3) Drivers are
even Conclusion In this review paper we have discussed the basics of machine
learning, its three types i.e. supervised, unsupervised and reinforcement learning
and the most used algorithms of supervised and unsupervised learning. Also the
applications of machine learning in various fields like health, finance, retail,
travel, media, image processing and computer vision, natural language processing,
automated trading,automotive, aerospace, manufacturing have been discussed in
detail here. assisted with speed limits and an automatic braking system is also
provided to them.

3] DEEP LEARNING : Deep learning is a branch of machine learning which is based on


artificial neural networks. It is capable of learning complex patterns and relationships within
data.
In deep learning, we don’t need to explicitly program everything. It has become increasingly
popular in recent years due to the advances in processing power and the availability of large
datasets. Because it is based on artificial neural networks (ANNs) also known as deep neural
networks (DNNs). These neural networks are inspired by the structure and function of the
human brain’s biological neurons, and they are designed to learn from large amounts of data.

1. Deep Learning is a subfield of Machine Learning that involves the use of neural
networks to model and solve complex problems. Neural networks are modeled after the
structure and function of the human brain and consist of layers of interconnected nodes
that process and transform data.
2. The key characteristic of Deep Learning is the use of deep neural networks, which have
multiple layers of interconnected nodes. These networks can learn complex
representations of data by discovering hierarchical patterns and features in the data.
Deep Learning algorithms can automatically learn and improve from data without the
need for manual feature engineering.
3. Deep Learning has achieved significant success in various fields, including image
recognition, natural language processing, speech recognition, and recommendation
systems. Some of the popular Deep Learning architectures include Convolutional
Neural Networks (CNNs), Recurrent Neural Networks (RNNs), and Deep Belief
Networks (DBNs).
4. Training deep neural networks typically requires a large amount of data and
computational resources. However, the availability of cloud computing and the
development of specialized hardware, such as Graphics Processing Units (GPUs), has
made it easier to train deep neural networks.

What is Deep Learning?


Deep learning is the branch of machine learning which is based on artificial neural network
architecture. An artificial neural network or ANN uses layers of interconnected nodes called
neurons that work together to process and learn from the input data.
In a fully connected Deep neural network, there is an input layer and one or more hidden layers
connected one after the other. Each neuron receives input from the previous layer neurons or
the input layer. The output of one neuron becomes the input to other neurons in the next layer
of the network, and this process continues until the final layer produces the output of the
network. The layers of the neural network transform the input data through a series of nonlinear
transformations, allowing the network to learn complex representations of the input data.
Today Deep learning has become one of the most popular and visible areas of machine learning,
due to its success in a variety of applications, such as computer vision, natural language
processing, and Reinforcement learning.
Deep learning can be used for supervised, unsupervised as well as reinforcement machine
learning. it uses a variety of ways to process these.

 Supervised Machine Learning: Supervised machine learning is the machine


learning technique in which the neural network learns to make predictions or classify
data based on the labeled datasets. Here we input both input features along with the
target variables. the neural network learns to make predictions based on the cost or error
that comes from the difference between the predicted and the actual target, this process
is known as backpropagation. Deep learning algorithms like Convolutional neural
networks, Recurrent neural networks are used for many supervised tasks like image
classifications and recognization, sentiment analysis, language translations, etc.
 Unsupervised Machine Learning: Unsupervised machine learning is the machine
learning technique in which the neural network learns to discover the patterns or to
cluster the dataset based on unlabeled datasets. Here there are no target variables. while
the machine has to self-determined the hidden patterns or relationships within the
datasets. Deep learning algorithms like autoencoders and generative models are used
for unsupervised tasks like clustering, dimensionality reduction, and anomaly detection.
 Reinforcement Machine Learning: Reinforcement Machine Learning is the machine
learning technique in which an agent learns to make decisions in an environment to
maximize a reward signal. The agent interacts with the environment by taking action
and observing the resulting rewards. Deep learning can be used to learn policies, or a
set of actions, that maximizes the cumulative reward over time. Deep reinforcement
learning algorithms like Deep Q networks and Deep Deterministic Policy Gradient
(DDPG) are used to reinforce tasks like robotics and game playing etc.
 Artificial neural networks :
Artificial neural networks are built on the principles of the structure and operation of human
neurons. It is also known as neural networks or neural nets. An artificial neural network’s input
layer, which is the first layer, receives input from external sources and passes it on to the hidden
layer, which is the second layer. Each neuron in the hidden layer gets information from the
neurons in the previous layer, computes the weighted total, and then transfers it to the neurons
in the next layer. These connections are weighted, which means that the impacts of the inputs
from the preceding layer are more or less optimized by giving each input a distinct weight.
These weights are then adjusted during the training process to enhance the performance of the
model.

Artificial neurons, also known as units, are found in artificial neural networks. The whole
Artificial Neural Network is composed of these artificial neurons, which are arranged in a
series of layers. The complexities of neural networks will depend on the complexities of the
underlying patterns in the dataset whether a layer has a dozen units or millions of
units. Commonly, Artificial Neural Network has an input layer, an output layer as well as
hidden layers. The input layer receives data from the outside world which the neural network
needs to analyze or learn about.
In a fully connected artificial neural network, there is an input layer and one or more hidden
layers connected one after the other. Each neuron receives input from the previous layer
neurons or the input layer. The output of one neuron becomes the input to other neurons in the
next layer of the network, and this process continues until the final layer produces the output
of the network. Then, after passing through one or more hidden layers, this data is transformed
into valuable data for the output layer. Finally, the output layer provides an output in the form
of an artificial neural network’s response to the data that comes in.
Units are linked to one another from one layer to another in the bulk of neural networks. Each
of these links has weights that control how much one unit influences another. The neural
network learns more and more about the data as it moves from one unit to another, ultimately
producing an output from the output layer.
 Applications of Deep Learning have been broadly categorized as follows
 Computer vision and pattern recognition(CVPR)
 Computer games, robots and self-driving cars
 Creating sound
 Doing art
 Computer hallucinations, predictions and other wild things

Conclusion : Until now we have discussed about the significant features of artificial
intelligence i.e. it’s benefits, technologies, it’s precise and a good definition. Now we can say
that making a machine or say robot is not as easy as an ABC. It is difficult to make a machine
like humans which can show emotions or think like humans in different circumstances. Now
we have accepted that artificial intelligence is the study of how to make things which can
exactly work like humans do. It is the way in which we think sensibly, act wisely, think like
humans, work like humans. We know that through artificial intelligence, even computer has
defeated human in chess. So we can say that reaching so far has not gone waste, somehow, it
is contributing towards the advancement in the Artificial intelligence. At present, there is no
computer showing full artificial intelligence, but the course of making machines like ourselves
is on its path.
In the machine learning we have discussed the basics of machine learning, its three types i.e.
supervised, unsupervised and reinforcement learning and the most used algorithms of
supervised and unsupervised learning. Also the applications of machine learning in various
fields like health, finance, retail, travel, media, image processing and computer vision,
natural language processing, automated trading, automotive, aerospace, manufacturing have
been discussed in detail here.
Both Machine learning and Deep learning analyze the data and learn from it, but only deep
learning tries to copy the activities of the human brain when it has to make the conclusion. It
is all about the real independence of the machines.

REFERENCES :

1] Elaine Rich, Kevin Knight, & Shivashankar B Nair, Artificial Intelligence, McGraw Hill,
3rd ed.,2009
2] Introduction to Artificial Intelligence & Expert Systems, Dan W Patterson, PHI.,2010
3] Machine Learning : www.Javatpoint.com
4] Dey A Brief Review of Machine Learning and its Application, International Journal
of Computer Science and Information Technologies, 7(2017) 1174-1179
5] Machine Learning For Absolute Beginners: A Plain English Introduction
By Oliver Theobald
6] Different types of machine learning [Online]https://medium.com/deep-math-machine-
learning-ai/different-types-of-machine-learning-and-their-types
7] https://www.geeksforgeeks.org/introduction-deep-learning/
8] Deep Learning for Natural Language Processing: Applications of Deep Neural Networks
to Machine Learning Tasks by Pearson Learn IT

You might also like