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

machine learning and AI

The document provides an overview of machine learning, explaining its distinction from deep learning and detailing various types of machine learning algorithms, including supervised, unsupervised, semi-supervised, and reinforcement learning. It discusses the applications, advantages, and disadvantages of each type, as well as common algorithms used in these categories. Additionally, it addresses the challenges faced in supervised learning and the future outlook for machine learning in various fields.

Uploaded by

parul.singh
Copyright
© © All Rights Reserved
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
3 views

machine learning and AI

The document provides an overview of machine learning, explaining its distinction from deep learning and detailing various types of machine learning algorithms, including supervised, unsupervised, semi-supervised, and reinforcement learning. It discusses the applications, advantages, and disadvantages of each type, as well as common algorithms used in these categories. Additionally, it addresses the challenges faced in supervised learning and the future outlook for machine learning in various fields.

Uploaded by

parul.singh
Copyright
© © All Rights Reserved
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
You are on page 1/ 13

Q.1 What is Machine learning and how is it different from Deep learning ?

Answer:
Machine learning develop programs that can access data and learn from it.
Deep learning is the sub domain of the machine learning. Deep learning
supports automatic extraction of features from the raw data.
Q.2. What are the different type of machine learning algorithms ?
Answer:
 Supervised algorithms: These are the algorithms which learn from
the labelled data, e.g. images labelled with dog face or not.
Algorithm depends on supervised or labelled data. e.g. regression,
object detection, segmentation.
 Non-Supervised algorithms: These are the algorithms which learn
from the non labelled data, e.g. bunch of images given to make a
similar set of images. e.g. clustering, dimensionality reduction etc.
 Semi-Supervised algorithms: Algorithms that uses both supervised
or non-supervised data. Majority portion of data use for these
algorithms are not supervised data. e.g. anamoly detection.
Q.3. Why we use machine learning ?
Answer:
Machine learning is used to make decisions based on data. By modelling the
algorithms on the bases of historical data, Algorithms find the patterns and
relationships that are difficult for humans to detect. These patterns are now
further use for the future references to predict solution of unseen problems.

Q.4. What is the difference between Artificial Intelligence and Machine


learning ?
Answer:

ARTIFICIAL INTELLIGENCE MACHINE LEARNING

Develop an intelligent Construct machines that can


system that perform variety only accomplish the jobs for
ARTIFICIAL INTELLIGENCE MACHINE LEARNING

of complex jobs. which they have trained.

It works as a program that The tasks systems machine takes


does smart work. data and learns from data.

AI has broad variety of ML allows systems to learn new


applications. things from data.

AI leads wisdom. ML leads to knowledge.

1. What are the challenges faced in supervised learning?


Some of the challenges faced in supervised learning mainly include addressing
class imbalances, high-quality labeled data, and avoiding overfitting where
models perform badly on real-time data.
2. Where can we apply supervised learning?
Supervised learning is commonly used for tasks like analysing spam emails,
image recognition, and sentiment analysis.
3. What does the future of machine learning outlook look like?
Machine learning as a future outlook may work in areas like weather or
climate analysis, healthcare systems, and autonomous modelling.
4. What are the different types of machine learning?
There are three main types of machine learning:
 Supervised learning
 Unsupervised learning
 Reinforcement learning
5. What are the most common machine learning algorithms?
Some of the most common machine learning algorithms include:
 Linear regression
 Logistic regression
 Support vector machines (SVMs)
 K-nearest neighbors (KNN)
 Decision trees
 Random forests
 Artificial Neural networks
Types of Machine Learning

There are several types of machine learning, each with special characteristics and
applications. Some of the main types of machine learning algorithms are as follows:
1. Supervised Machine Learning
2. Unsupervised Machine Learning
3. Semi-Supervised Machine Learning
4. Reinforcement Learning

1. Supervised Machine Learning


Supervised learning is defined as when a model gets trained on a “Labelled
Dataset”. Labelled datasets have both input and output parameters.
In Supervised Learning algorithms learn to map points between inputs and
correct outputs. It has both training and validation datasets labelled.

Example: Consider a scenario where you have to build an image classifier to


differentiate between cats and dogs. If you feed the datasets of dogs and cats
labelled images to the algorithm, the machine will learn to classify between a dog
or a cat from these labeled images. When we input new dog or cat images that it
has never seen before, it will use the learned algorithms and predict whether it is a
dog or a cat. This is how supervised learning works, and this is particularly an
image classification.
There are two main categories of supervised learning that are mentioned below:
 Classification
 Regression
Classification
Classification deals with predicting categorical target variables, which represent
discrete classes or labels. For instance, classifying emails as spam or not spam, or
predicting whether a patient has a high risk of heart disease. Classification
algorithms learn to map the input features to one of the predefined classes.
Here are some classification algorithms:
 Logistic Regression
 Support Vector Machine
 Random Forest
 Decision Tree
 K-Nearest Neighbors (KNN)
 Naive Bayes
Regression
Regression, on the other hand, deals with predicting continuous target variables,
which represent numerical values. For example, predicting the price of a house
based on its size, location, and amenities, or forecasting the sales of a product.
Regression algorithms learn to map the input features to a continuous numerical
value.
Here are some regression algorithms:
 Linear Regression
 Polynomial Regression
 Ridge Regression
 Lasso Regression
 Decision tree
 Random Forest
Advantages of Supervised Machine Learning
 Supervised Learning models can have high accuracy as they are trained
on labelled data.
 The process of decision-making in supervised learning models is often
interpretable.
 It can often be used in pre-trained models which saves time and resources when
developing new models from scratch.
Disadvantages of Supervised Machine Learning
 It has limitations in knowing patterns and may struggle with unseen or
unexpected patterns that are not present in the training data.
 It can be time-consuming and costly as it relies on labeled data only.
 It may lead to poor generalizations based on new data.
Applications of Supervised Learning
Supervised learning is used in a wide variety of applications, including:
 Image classification: Identify objects, faces, and other features in images.
 Natural language processing: Extract information from text, such as sentiment,
entities, and relationships.
 Speech recognition: Convert spoken language into text.
 Recommendation systems: Make personalized recommendations to users.
 Predictive analytics: Predict outcomes, such as sales, customer churn, and
stock prices.
 Medical diagnosis: Detect diseases and other medical conditions.
 Fraud detection: Identify fraudulent transactions.
 Autonomous vehicles: Recognize and respond to objects in the environment.
 Email spam detection: Classify emails as spam or not spam.
 Quality control in manufacturing: Inspect products for defects.
 Credit scoring: Assess the risk of a borrower defaulting on a loan.
 Gaming: Recognize characters, analyze player behavior, and create NPCs.
 Customer support: Automate customer support tasks.
 Weather forecasting: Make predictions for temperature, precipitation, and other
meteorological parameters.
 Sports analytics: Analyze player performance, make game predictions, and
optimize strategies.

2. Unsupervised Machine Learning

Unsupervised Learning Unsupervised learning is a type of machine


learning technique in which an algorithm discovers patterns and
relationships using unlabeled data. Unlike supervised learning,
unsupervised learning doesn’t involve providing the algorithm with
labeled target outputs. The primary goal of Unsupervised learning is
often to discover hidden patterns, similarities, or clusters within the
data, which can then be used for various purposes, such as data
exploration, visualization, dimensionality reduction, and more.

Example: Consider that you have a dataset that contains information


about the purchases you made from the shop. Through clustering, the
algorithm can group the same purchasing behavior among you and
other customers, which reveals potential customers without predefined
labels. This type of information can help businesses get target
customers as well as identify outliers.
There are two main categories of unsupervised learning that are
mentioned below:
 Clustering
 Association
Clustering
Clustering is the process of grouping data points into clusters based on
their similarity. This technique is useful for identifying patterns and
relationships in data without the need for labeled examples.
Here are some clustering algorithms:
 K-Means Clustering algorithm
 Mean-shift algorithm
 DBSCAN Algorithm
 Principal Component Analysis
 Independent Component Analysis
Association
Association rule learning is a technique for discovering relationships
between items in a dataset. It identifies rules that indicate the presence
of one item implies the presence of another item with a specific
probability.
Here are some association rule learning algorithms:
 Apriori Algorithm
 Eclat
 FP-growth Algorithm
Advantages of Unsupervised Machine Learning
 It helps to discover hidden patterns and various relationships
between the data.
 Used for tasks such as customer segmentation, anomaly
detection, and data exploration.
 It does not require labeled data and reduces the effort of data
labeling.
Disadvantages of Unsupervised Machine Learning
 Without using labels, it may be difficult to predict the quality of the
model’s output.
 Cluster Interpretability may not be clear and may not have
meaningful interpretations.
 It has techniques such as autoencoders and dimensionality
reduction that can be used to extract meaningful features from raw
data.
Applications of Unsupervised Learning
Here are some common applications of unsupervised learning:
 Clustering: Group similar data points into clusters.
 Anomaly detection: Identify outliers or anomalies in data.
 Dimensionality reduction: Reduce the dimensionality of data while
preserving its essential information.
 Recommendation systems: Suggest products, movies, or content
to users based on their historical behavior or preferences.
 Topic modeling: Discover latent topics within a collection of
documents.
 Density estimation: Estimate the probability density function of
data.
 Image and video compression: Reduce the amount of storage
required for multimedia content.
 Data preprocessing: Help with data preprocessing tasks such as
data cleaning, imputation of missing values, and data scaling.
 Market basket analysis: Discover associations between products.
 Genomic data analysis: Identify patterns or group genes with
similar expression profiles.
 Image segmentation: Segment images into meaningful regions.
 Community detection in social networks: Identify communities or
groups of individuals with similar interests or connections.
 Customer behavior analysis: Uncover patterns and insights for
better marketing and product recommendations.
 Content recommendation: Classify and tag content to make it
easier to recommend similar items to users.
 Exploratory data analysis (EDA): Explore data and gain insights
before defining specific tasks.
3. Semi-Supervised Learning

Semi-Supervised learning is a machine learning algorithm that works


between the supervised and unsupervised learning so it uses
both labelled and unlabelled data. It’s particularly useful when
obtaining labeled data is costly, time-consuming, or resource-intensive.
This approach is useful when the dataset is expensive and time-
consuming. Semi-supervised learning is chosen when labeled data
requires skills and relevant resources in order to train or learn from it.
We use these techniques when we are dealing with data that is a little
bit labeled and the rest large portion of it is unlabeled. We can use the
unsupervised techniques to predict labels and then feed these labels to
supervised techniques. This technique is mostly applicable in the case
of image data sets where usually all images are not labeled.

Example: Consider that we are building a language translation


model, having labeled translations for every sentence pair can
be resources intensive. It allows the models to learn from
labeled and unlabeled sentence pairs, making them more
accurate. This technique has led to significant improvements
in the quality of machine translation services.
Types of Semi-Supervised Learning Methods
There are a number of different semi-supervised learning
methods each with its own characteristics. Some of the most
common ones include:
 Graph-based semi-supervised learning: This approach
uses a graph to represent the relationships between the
data points. The graph is then used to propagate labels from
the labeled data points to the unlabeled data points.
 Label propagation: This approach iteratively propagates
labels from the labeled data points to the unlabeled data
points, based on the similarities between the data points.
 Co-training: This approach trains two different machine
learning models on different subsets of the unlabeled
data. The two models are then used to label each other’s
predictions.
 Self-training: This approach trains a machine learning
model on the labeled data and then uses the model to
predict labels for the unlabeled data. The model is then
retrained on the labeled data and the predicted labels for the
unlabeled data.
 Generative adversarial networks (GANs) : GANs are a
type of deep learning algorithm that can be used to generate
synthetic data. GANs can be used to generate unlabeled
data for semi-supervised learning by training two neural
networks, a generator and a discriminator.
Advantages of Semi- Supervised Machine Learning
 It leads to better generalization as compared to supervised
learning, as it takes both labeled and unlabeled data.
 Can be applied to a wide range of data.
Disadvantages of Semi- Supervised Machine Learning
 Semi-supervised methods can be more complex to
implement compared to other approaches.
 It still requires some labeled data that might not always be
available or easy to obtain.
 The unlabeled data can impact the model performance
accordingly.
Applications of Semi-Supervised Learning
Here are some common applications of semi-supervised
learning:
 Image Classification and Object Recognition: Improve
the accuracy of models by combining a small set of labeled
images with a larger set of unlabeled images.
 Natural Language Processing (NLP): Enhance the
performance of language models and classifiers by
combining a small set of labeled text data with a vast
amount of unlabeled text.
 Speech Recognition: Improve the accuracy of speech
recognition by leveraging a limited amount of transcribed
speech data and a more extensive set of unlabeled audio.
 Recommendation Systems: Improve the accuracy of
personalized recommendations by supplementing a sparse
set of user-item interactions (labeled data) with a wealth of
unlabeled user behavior data.
 Healthcare and Medical Imaging: Enhance medical image
analysis by utilizing a small set of labeled medical images
alongside a larger set of unlabeled images.

4.Reinforcement Machine Learning

Reinforcement machine learning algorithm is a learning method that


interacts with the environment by producing actions and discovering
errors. Trial, error, and delay are the most relevant characteristics of
reinforcement learning. In this technique, the model keeps on
increasing its performance using Reward Feedback to learn the
behavior or pattern. These algorithms are specific to a particular
problem e.g. Google Self Driving car, AlphaGo where a bot competes
with humans and even itself to get better and better performers in Go
Game. Each time we feed in data, they learn and add the data to their
knowledge which is training data. So, the more it learns the better it
gets trained and hence experienced.
Here are some of most common reinforcement learning algorithms:
 Q-learning: Q-learning is a model-free RL algorithm that learns a Q-
function, which maps states to actions. The Q-function estimates the
expected reward of taking a particular action in a given state.
 SARSA (State-Action-Reward-State-Action): SARSA is another
model-free RL algorithm that learns a Q-function. However, unlike Q-
learning, SARSA updates the Q-function for the action that was
actually taken, rather than the optimal action.
 Deep Q-learning : Deep Q-learning is a combination of Q-learning
and deep learning. Deep Q-learning uses a neural network to
represent the Q-function, which allows it to learn complex
relationships between states and actions.

Reinforcement Machine Learning

Let’s understand it with the help of examples.


Example: Consider that you are training an AI agent to play a game
like chess. The agent explores different moves and receives positive or
negative feedback based on the outcome. Reinforcement Learning also
finds applications in which they learn to perform tasks by interacting
with their surroundings.
Types of Reinforcement Machine Learning
There are two main types of reinforcement learning:
Positive reinforcement
 Rewards the agent for taking a desired action.
 Encourages the agent to repeat the behavior.
 Examples: Giving a treat to a dog for sitting, providing a point in a
game for a correct answer.
Negative reinforcement
 Removes an undesirable stimulus to encourage a desired behavior.
 Discourages the agent from repeating the behavior.
 Examples: Turning off a loud buzzer when a lever is
pressed, avoiding a penalty by completing a task.
Advantages of Reinforcement Machine Learning
 It has autonomous decision-making that is well-suited for tasks and
that can learn to make a sequence of decisions, like robotics and
game-playing.
 This technique is preferred to achieve long-term results that are very
difficult to achieve.
 It is used to solve a complex problems that cannot be solved by
conventional techniques.
Disadvantages of Reinforcement Machine Learning
 Training Reinforcement Learning agents can be computationally
expensive and time-consuming.
 Reinforcement learning is not preferable to solving simple problems.
 It needs a lot of data and a lot of computation, which makes it
impractical and costly.
Applications of Reinforcement Machine Learning
Here are some applications of reinforcement learning:
 Game Playing: RL can teach agents to play games, even complex
ones.
 Robotics: RL can teach robots to perform tasks autonomously.
 Autonomous Vehicles: RL can help self-driving cars navigate and
make decisions.
 Recommendation Systems: RL can enhance recommendation
algorithms by learning user preferences.
 Healthcare: RL can be used to optimize treatment plans and drug
discovery.
 Natural Language Processing (NLP): RL can be used in dialogue
systems and chatbots.
 Finance and Trading: RL can be used for algorithmic trading.
 Supply Chain and Inventory Management: RL can be used to
optimize supply chain operations.
 Energy Management: RL can be used to optimize energy
consumption.
 Game AI: RL can be used to create more intelligent and adaptive
NPCs in video games.
 Adaptive Personal Assistants: RL can be used to improve personal
assistants.
 Virtual Reality (VR) and Augmented Reality (AR): RL can be used
to create immersive and interactive experiences.
 Industrial Control: RL can be used to optimize industrial processes.
 Education: RL can be used to create adaptive learning systems.
 Agriculture: RL can be used to optimize agricultural operations.

Types of Artificial Intelligence


Artificial Intelligence refers to something which is made by humans or non-
natural things and Intelligence means the ability to understand or think. AI is
not a system but it is implemented in the system. There are many
different types of AI, each with its own strengths and weaknesses.
In this article, we will learn What Are The Types Of Artificial
Intelligence? based on their functionalities, capabilities, and applications. Now
Let’s dive deep into the article. Before diving deep into Types of Artificial
Intelligence first you need to learn about Artificial Intelligence.
Types of Artificial Intelligence
There are 7 types of Artificial Intelligence divided on the basis of Capabilities
and functionalities of AI. Artificial Intelligence can be divided based on
capablities and various other functionalities.
Based on Capabilities of AI -Type 1
 Narrow AI
 General AI
 Super AI
Based on the Functionality of AI- Type 2
 Reactive Machines
 Limited Theory
 Theory of Mind
 Self-awareness
Based on Capabilities of AI -Type 1
1. Narrow AI: Narrow AI also known as Weak AI or Narrow AI. Narrow AI is
designed and trained ona specific task or a narrow range tasks. These
Narrow AI systems are designed and trained for a purpose. These
Narrow systems performs their designated tasks but mainly lack in the
ability to generalize tasks. Personal Virtual assistance like Alexa or Siri,
recommendation systems, image recognization software and other
language translation tools.
2. General AI: It is known as Strong AI. It refers to AI systems that have
human intelligence and abilities to perform various tasks. Systems have
capability to understand, learn and apply across a wide range of tasks
taht are similar to how a human can adapt to various tasks. In general AI
remains a theoretical concept, and now no AI can achieve this level of
intelligence.
3. Super AI: It is known as Superintelligent AI that surpasses intelligence of
human in solving-probem, creativity, and overall abilities. Super AI
develops emotions, desires, need and beliefs of their own. They are able
to make decisions of their own and solve problem of its own.
Based on the Functionality of AI- Type 2
1. Reactive Machines: Reactive machines were created by IBM in the mid-
1980s.These machines are the foremost basic sort of AI system. this
suggests that they can’t form memories or use past experiences to
influence present -made a choice, they will only react to currently
existing situations hence “Reactive”. An existing sort of reactive machine
is deep blue, chess played by the supercomputer. These are the most
basic type of AI and can only react to the environment, they cannot form
memories or make decisions based on past experiences. Examples
include simple rule-based systems like chess-playing programs.
2. Limited Memory: It is comprised of machine learning models that the
device derives knowledge from previously-learned information, stored
data, or events. Unlike Reactive machines, limited memory learns from
the past by observing actions or data fed to them to create experiential
knowledge.
3. Theory of Mind: In this sort of AI decision-making ability is adequate to
the extent of the human mind, but by machines. while some machines
currently exhibit humanlike capabilities like voice assistants, for
example, none are fully capable of holding conversations relative to
human standards. One component of human conversation has the
emotional capacity or sounding and behaving sort of a person would in
standard conversations of conversation AI systems with a theory of mind
can understand and simulate the mental states of other agents. This
type of AI is still in development and is not yet practical.
4. Self-Awareness: This AI involves machines that have human-level
consciousness. this type of AI isn’t currently alive but would be
considered the foremost advanced sort of AI known to man.These AI
systems possess consciousness and self-awareness, but this is currently
the stuff of science fiction, and not yet a reality.

You might also like