SlideShare a Scribd company logo
CONTENT
WHAT IS AI ?
Artificial intelligence, refers to the
simulation of human intelligence in
machines that are programmed to think
and learn like humans.
It encompasses a wide range of techniques
and technologies aimed at enabling
computers to perform tasks that typically
require human intelligence, such as
understanding natural language,
recognizing patterns, making decisions,
and solving problems.
WHAT IS ML?
MACHINE LEARNING IS A SUBSET OF ARTIFICIAL
INTELLIGENCE (AI) THAT FOCUSES ON DEVELOPING
ALGORITHMS AND MODELS THAT ALLOW COMPUTERS
TO LEARN FROM DATA AND MAKE PREDICTIONS OR
DECISIONS WITHOUT BEING EXPLICITLY PROGRAMMED
TO PERFORM SPECIFIC TASKS.
IN TRADITIONAL PROGRAMMING, HUMANS WRITE CODE
TO INSTRUCT A COMPUTER ON HOW TO PERFORM A
TASK. HOWEVER, IN MACHINE LEARNING, THE
COMPUTER LEARNS TO PERFORM TASKS BY ANALYSING
AND INTERPRETING DATA.
Machine learning algorithms are trained to find
relationships and patterns in data. They use
historical data as input to make predictions, classify
information, cluster data points, reduce
dimensionality and even help generate new
content, as demonstrated by new ML-fueled
applications such as ChatGPT, Dall-E 2 and GitHub
Copilot.
ML
Process
The Machine Learning process involves building a
Predictive model that can be used to find a solution for a
Problem Statement
Step 1: Problem Definition
Step 2: Data Collection
Step 3: Preparing the Data
Step 4: Exploratory Data Analysis
Step 5: Building the Machine Learning Model
Step 6: Model evaluation and optimization
Step 7: Predictions
TYPES OF MACHINE
LEARNING
SUPERVISED
LEARNING
Supervised machine learning is a type of
machine learning where the algorithm learns
from labeled data, which means it is provided
with input-output pairs during the training
process.
The goal is to learn a mapping from input
variables to output variables, allowing the
algorithm to make predictions or decisions
when presented with new, unseen data
This learning model takes direct feedback to
check whether it is producing correct output
or not.
In supervised learning, each example in the
training dataset consists of an input and a
corresponding output label.
The input is typically represented as a feature
vector, where each feature provides some
information about the example.
The output label is the target variable that the
algorithm aims to predict.
LABELED DATA
TRAINING PROCESS
During the training phase, the algorithm is
presented with a dataset containing input
output pairs.
It learns from the examples by adjusting its
internal parameters to minimize the error
between its predictions and the true labels.
The learning algorithm iteratively improves its
performance through processes like gradient
descent, where it updates its parameters in the
direction that reduces the prediction error.
• The ultimate goal of supervised learning is to generalize well to unseen
data.
• A model that performs well on the training data but poorly on new, unseen
data is said to overfit.
• Overfitting occurs when the model captures noise in the training data
rather than the underlying pattern.
• Techniques such as cross-validation, regularization, and early stopping are
used to prevent overfitting and encourage better generalization.
Classification: Email spam detection, sentiment analysis, image
recognition. Regression: Stock price prediction, house price estimation,
demand forecasting.
Linear Regression: Simple and widely used for
regression tasks. Logistic Regression: Used for binary
classification problems. Decision Trees: Versatile for
both classification and regression tasks. Support
Vector Machines (SVM): Effective for classification
tasks, especially when dealing with high- dimensional
data. Neural Networks: Deep learning models capable
of learning complex patterns from large datasets.
COMMON ALGORITHMS
Unsupervised learning is a
type of machine learning
where the model learns
patterns from unlabeled
data without explicit
guidance.
Purpose: Uncover hidden
patterns, group similar data
points, and reduce the
dimensionality of data.
CLUSTERING
ASSOCIATION
Clustering is the method of dividing the objects
into clusters that are similar between them and
are dissimilar to the objects belonging to
another cluster. For example, finding out which
customers made similar product purchases.
Association is a rule-based machine learning
to discover the probability of the co-
occurrence of items in a collection. For
example, finding out which products were
purchased together.
Customer Segmentation: Divide customers into
groups based on their purchasing behavior.
Image and Text Analysis: Group similar images or
classify text documents without labeled data.
Recommendation Systems: Recommend products
or content based on user behavior and preferences.
Applications of Unsupervised
Learning
• Subjectivity in evaluation: Unlike supervised learning, where performance can be
objectively measured against labeled data, evaluating the performance of
unsupervised learning algorithms often relies on subjective measures such as
clustering coherence or visual inspection. This subjectivity can make it challenging to
compare different algorithms or determine the optimal solution.
• Difficulty in interpreting results: Unsupervised learning algorithms often provide
clusters, patterns, or associations in the data without explicit explanations. Interpreting
these results can be challenging, especially in high-dimensional or complex datasets,
leading to potential misinterpretation or misunderstanding of the underlying structure.
Challenges and
Limitations
REINFORCMENT
LEARNING
REINFORCMENT LEARNING
Reinforcement learning in
machine learning is like a trial-
and-error learning process.
•It’s similar to training a pet:
when the pet does something
good, it gets a treat, and when it
does something bad, it doesn’t.
Over time, the pet learns to
repeat the good behaviors to get
more treats.
FUNDAMENTALS OF
REINFORCEMENT LEARNNG
•In reinforcement learning, an AI agent (like a robot or
software) learns to make decisions by performing actions
and getting rewards or penalties based on the results.
The agent isn’t told what to do but instead learns from its
experiences, trying to get as many rewards as possible.
• The balance between exploration(seeking new
knowledge) exploitation(using existing knowledge) is a
key challenge in reinforcement learning.Strategies such
as epsilon-greedy and UCB adress this trade-off.
Deep reinforcement learning combines
deep learning with reinforcement
learning,enabling the handling of
complex,Q- networks and policy
gradients are popular approaches in
this domain
Reinforcement learning has
revolutionized robotics by enabling
autonomous decision-making in
dynamic environments. From robotic
arm control to autonomous
navigation,RL has diverse applications in
this field.
DEEP REINFORCEMENT LEARNING
Applications of Reinforcement
• Autonomous Vehicles: Guides decisions
for self-driving cars, including lane changes
and obstacle avoidance.
• Robotics: Used in motion control for
navigating and manipulating objects.
• Game Playing: Excels in training AI for
complex games like Go and chess.
• Natural Language Processing (NLP):
Applies to text summarization and question-
answering for human-like text generation.
• Personalized Recommendations:
Enhances user experience through tailored
content recommendations.
Pros Cons
1.Complex problem solving:
It can solve very complex
problem
2.Error correction :
Capable of correcting errors
during training.
3.Performance maximization :
Intended to maximizing
performance within a specific
context.
1.Maintenance cost :
High maintenance cost due to
complexity.
2.Complexity for simple
problems not preferable for
solving simple problems.

More Related Content

Similar to Machine Learning and its types with application

Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)
SwatiTripathi44
 
ML_Module_1.pdf
ML_Module_1.pdfML_Module_1.pdf
ML_Module_1.pdf
JafarHussain48
 
Supervised learning techniques and applications
Supervised learning techniques and applicationsSupervised learning techniques and applications
Supervised learning techniques and applications
Benjaminlapid1
 
Machine learning
Machine learningMachine learning
Machine learning
Shailja Tripathi
 
Machine learning
Machine learningMachine learning
Machine learning
Abrar ali
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
Mridula Akella
 
Chapter 05 Machine Learning.pptx
Chapter 05 Machine Learning.pptxChapter 05 Machine Learning.pptx
Chapter 05 Machine Learning.pptx
ssuser957b41
 
Lab 7.pptx
Lab 7.pptxLab 7.pptx
Lab 7.pptx
AmnaNadeem27
 
An Introduction to Machine Learning
An Introduction to Machine LearningAn Introduction to Machine Learning
An Introduction to Machine Learning
Vedaj Padman
 
Types of Machine Learning- Tanvir Siddike Moin
Types of Machine Learning- Tanvir Siddike MoinTypes of Machine Learning- Tanvir Siddike Moin
Types of Machine Learning- Tanvir Siddike Moin
Tanvir Moin
 
AI.pdf
AI.pdfAI.pdf
AI.pdf
Tariqqandeel
 
Machine Learning by Rj
Machine Learning by RjMachine Learning by Rj
machine learning.docx
machine learning.docxmachine learning.docx
machine learning.docx
JadhavArjun2
 
Artificial Intelligence and Machine Learning
Artificial Intelligence and Machine LearningArtificial Intelligence and Machine Learning
Artificial Intelligence and Machine Learning
ShivangSingh81
 
Machine Learning with Python- Methods for Machine Learning.pptx
Machine Learning with Python- Methods for Machine Learning.pptxMachine Learning with Python- Methods for Machine Learning.pptx
Machine Learning with Python- Methods for Machine Learning.pptx
iaeronlineexm
 
Intro/Overview on Machine Learning Presentation -2
Intro/Overview on Machine Learning Presentation -2Intro/Overview on Machine Learning Presentation -2
Intro/Overview on Machine Learning Presentation -2
Ankit Gupta
 
Machine learning
Machine learningMachine learning
Machine learning
Tushar Nikam
 
Machine learning
Machine learningMachine learning
Machine learning
MaedehDelparish
 
Machine Learning_Unit 2_Full.ppt.pdf
Machine Learning_Unit 2_Full.ppt.pdfMachine Learning_Unit 2_Full.ppt.pdf
Machine Learning_Unit 2_Full.ppt.pdf
Dr.DHANALAKSHMI SENTHILKUMAR
 
what-is-machine-learning-and-its-importance-in-todays-world.pdf
what-is-machine-learning-and-its-importance-in-todays-world.pdfwhat-is-machine-learning-and-its-importance-in-todays-world.pdf
what-is-machine-learning-and-its-importance-in-todays-world.pdf
Temok IT Services
 

Similar to Machine Learning and its types with application (20)

Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)Introduction to ML (Machine Learning)
Introduction to ML (Machine Learning)
 
ML_Module_1.pdf
ML_Module_1.pdfML_Module_1.pdf
ML_Module_1.pdf
 
Supervised learning techniques and applications
Supervised learning techniques and applicationsSupervised learning techniques and applications
Supervised learning techniques and applications
 
Machine learning
Machine learningMachine learning
Machine learning
 
Machine learning
Machine learningMachine learning
Machine learning
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
 
Chapter 05 Machine Learning.pptx
Chapter 05 Machine Learning.pptxChapter 05 Machine Learning.pptx
Chapter 05 Machine Learning.pptx
 
Lab 7.pptx
Lab 7.pptxLab 7.pptx
Lab 7.pptx
 
An Introduction to Machine Learning
An Introduction to Machine LearningAn Introduction to Machine Learning
An Introduction to Machine Learning
 
Types of Machine Learning- Tanvir Siddike Moin
Types of Machine Learning- Tanvir Siddike MoinTypes of Machine Learning- Tanvir Siddike Moin
Types of Machine Learning- Tanvir Siddike Moin
 
AI.pdf
AI.pdfAI.pdf
AI.pdf
 
Machine Learning by Rj
Machine Learning by RjMachine Learning by Rj
Machine Learning by Rj
 
machine learning.docx
machine learning.docxmachine learning.docx
machine learning.docx
 
Artificial Intelligence and Machine Learning
Artificial Intelligence and Machine LearningArtificial Intelligence and Machine Learning
Artificial Intelligence and Machine Learning
 
Machine Learning with Python- Methods for Machine Learning.pptx
Machine Learning with Python- Methods for Machine Learning.pptxMachine Learning with Python- Methods for Machine Learning.pptx
Machine Learning with Python- Methods for Machine Learning.pptx
 
Intro/Overview on Machine Learning Presentation -2
Intro/Overview on Machine Learning Presentation -2Intro/Overview on Machine Learning Presentation -2
Intro/Overview on Machine Learning Presentation -2
 
Machine learning
Machine learningMachine learning
Machine learning
 
Machine learning
Machine learningMachine learning
Machine learning
 
Machine Learning_Unit 2_Full.ppt.pdf
Machine Learning_Unit 2_Full.ppt.pdfMachine Learning_Unit 2_Full.ppt.pdf
Machine Learning_Unit 2_Full.ppt.pdf
 
what-is-machine-learning-and-its-importance-in-todays-world.pdf
what-is-machine-learning-and-its-importance-in-todays-world.pdfwhat-is-machine-learning-and-its-importance-in-todays-world.pdf
what-is-machine-learning-and-its-importance-in-todays-world.pdf
 

Recently uploaded

Overcoming the PLG Trap: Lessons from Canva's Head of Sales & Head of EMEA Da...
Overcoming the PLG Trap: Lessons from Canva's Head of Sales & Head of EMEA Da...Overcoming the PLG Trap: Lessons from Canva's Head of Sales & Head of EMEA Da...
Overcoming the PLG Trap: Lessons from Canva's Head of Sales & Head of EMEA Da...
saastr
 
AWS Cloud Cost Optimization Presentation.pptx
AWS Cloud Cost Optimization Presentation.pptxAWS Cloud Cost Optimization Presentation.pptx
AWS Cloud Cost Optimization Presentation.pptx
HarisZaheer8
 
Dandelion Hashtable: beyond billion requests per second on a commodity server
Dandelion Hashtable: beyond billion requests per second on a commodity serverDandelion Hashtable: beyond billion requests per second on a commodity server
Dandelion Hashtable: beyond billion requests per second on a commodity server
Antonios Katsarakis
 
Astute Business Solutions | Oracle Cloud Partner |
Astute Business Solutions | Oracle Cloud Partner |Astute Business Solutions | Oracle Cloud Partner |
Astute Business Solutions | Oracle Cloud Partner |
AstuteBusiness
 
Energy Efficient Video Encoding for Cloud and Edge Computing Instances
Energy Efficient Video Encoding for Cloud and Edge Computing InstancesEnergy Efficient Video Encoding for Cloud and Edge Computing Instances
Energy Efficient Video Encoding for Cloud and Edge Computing Instances
Alpen-Adria-Universität
 
Presentation of the OECD Artificial Intelligence Review of Germany
Presentation of the OECD Artificial Intelligence Review of GermanyPresentation of the OECD Artificial Intelligence Review of Germany
Presentation of the OECD Artificial Intelligence Review of Germany
innovationoecd
 
Digital Banking in the Cloud: How Citizens Bank Unlocked Their Mainframe
Digital Banking in the Cloud: How Citizens Bank Unlocked Their MainframeDigital Banking in the Cloud: How Citizens Bank Unlocked Their Mainframe
Digital Banking in the Cloud: How Citizens Bank Unlocked Their Mainframe
Precisely
 
dbms calicut university B. sc Cs 4th sem.pdf
dbms  calicut university B. sc Cs 4th sem.pdfdbms  calicut university B. sc Cs 4th sem.pdf
dbms calicut university B. sc Cs 4th sem.pdf
Shinana2
 
GraphRAG for Life Science to increase LLM accuracy
GraphRAG for Life Science to increase LLM accuracyGraphRAG for Life Science to increase LLM accuracy
GraphRAG for Life Science to increase LLM accuracy
Tomaz Bratanic
 
Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...
Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...
Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...
saastr
 
Programming Foundation Models with DSPy - Meetup Slides
Programming Foundation Models with DSPy - Meetup SlidesProgramming Foundation Models with DSPy - Meetup Slides
Programming Foundation Models with DSPy - Meetup Slides
Zilliz
 
SAP S/4 HANA sourcing and procurement to Public cloud
SAP S/4 HANA sourcing and procurement to Public cloudSAP S/4 HANA sourcing and procurement to Public cloud
SAP S/4 HANA sourcing and procurement to Public cloud
maazsz111
 
Taking AI to the Next Level in Manufacturing.pdf
Taking AI to the Next Level in Manufacturing.pdfTaking AI to the Next Level in Manufacturing.pdf
Taking AI to the Next Level in Manufacturing.pdf
ssuserfac0301
 
zkStudyClub - LatticeFold: A Lattice-based Folding Scheme and its Application...
zkStudyClub - LatticeFold: A Lattice-based Folding Scheme and its Application...zkStudyClub - LatticeFold: A Lattice-based Folding Scheme and its Application...
zkStudyClub - LatticeFold: A Lattice-based Folding Scheme and its Application...
Alex Pruden
 
Fueling AI with Great Data with Airbyte Webinar
Fueling AI with Great Data with Airbyte WebinarFueling AI with Great Data with Airbyte Webinar
Fueling AI with Great Data with Airbyte Webinar
Zilliz
 
WeTestAthens: Postman's AI & Automation Techniques
WeTestAthens: Postman's AI & Automation TechniquesWeTestAthens: Postman's AI & Automation Techniques
WeTestAthens: Postman's AI & Automation Techniques
Postman
 
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Jeffrey Haguewood
 
Serial Arm Control in Real Time Presentation
Serial Arm Control in Real Time PresentationSerial Arm Control in Real Time Presentation
Serial Arm Control in Real Time Presentation
tolgahangng
 
Generating privacy-protected synthetic data using Secludy and Milvus
Generating privacy-protected synthetic data using Secludy and MilvusGenerating privacy-protected synthetic data using Secludy and Milvus
Generating privacy-protected synthetic data using Secludy and Milvus
Zilliz
 
“Temporal Event Neural Networks: A More Efficient Alternative to the Transfor...
“Temporal Event Neural Networks: A More Efficient Alternative to the Transfor...“Temporal Event Neural Networks: A More Efficient Alternative to the Transfor...
“Temporal Event Neural Networks: A More Efficient Alternative to the Transfor...
Edge AI and Vision Alliance
 

Recently uploaded (20)

Overcoming the PLG Trap: Lessons from Canva's Head of Sales & Head of EMEA Da...
Overcoming the PLG Trap: Lessons from Canva's Head of Sales & Head of EMEA Da...Overcoming the PLG Trap: Lessons from Canva's Head of Sales & Head of EMEA Da...
Overcoming the PLG Trap: Lessons from Canva's Head of Sales & Head of EMEA Da...
 
AWS Cloud Cost Optimization Presentation.pptx
AWS Cloud Cost Optimization Presentation.pptxAWS Cloud Cost Optimization Presentation.pptx
AWS Cloud Cost Optimization Presentation.pptx
 
Dandelion Hashtable: beyond billion requests per second on a commodity server
Dandelion Hashtable: beyond billion requests per second on a commodity serverDandelion Hashtable: beyond billion requests per second on a commodity server
Dandelion Hashtable: beyond billion requests per second on a commodity server
 
Astute Business Solutions | Oracle Cloud Partner |
Astute Business Solutions | Oracle Cloud Partner |Astute Business Solutions | Oracle Cloud Partner |
Astute Business Solutions | Oracle Cloud Partner |
 
Energy Efficient Video Encoding for Cloud and Edge Computing Instances
Energy Efficient Video Encoding for Cloud and Edge Computing InstancesEnergy Efficient Video Encoding for Cloud and Edge Computing Instances
Energy Efficient Video Encoding for Cloud and Edge Computing Instances
 
Presentation of the OECD Artificial Intelligence Review of Germany
Presentation of the OECD Artificial Intelligence Review of GermanyPresentation of the OECD Artificial Intelligence Review of Germany
Presentation of the OECD Artificial Intelligence Review of Germany
 
Digital Banking in the Cloud: How Citizens Bank Unlocked Their Mainframe
Digital Banking in the Cloud: How Citizens Bank Unlocked Their MainframeDigital Banking in the Cloud: How Citizens Bank Unlocked Their Mainframe
Digital Banking in the Cloud: How Citizens Bank Unlocked Their Mainframe
 
dbms calicut university B. sc Cs 4th sem.pdf
dbms  calicut university B. sc Cs 4th sem.pdfdbms  calicut university B. sc Cs 4th sem.pdf
dbms calicut university B. sc Cs 4th sem.pdf
 
GraphRAG for Life Science to increase LLM accuracy
GraphRAG for Life Science to increase LLM accuracyGraphRAG for Life Science to increase LLM accuracy
GraphRAG for Life Science to increase LLM accuracy
 
Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...
Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...
Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...
 
Programming Foundation Models with DSPy - Meetup Slides
Programming Foundation Models with DSPy - Meetup SlidesProgramming Foundation Models with DSPy - Meetup Slides
Programming Foundation Models with DSPy - Meetup Slides
 
SAP S/4 HANA sourcing and procurement to Public cloud
SAP S/4 HANA sourcing and procurement to Public cloudSAP S/4 HANA sourcing and procurement to Public cloud
SAP S/4 HANA sourcing and procurement to Public cloud
 
Taking AI to the Next Level in Manufacturing.pdf
Taking AI to the Next Level in Manufacturing.pdfTaking AI to the Next Level in Manufacturing.pdf
Taking AI to the Next Level in Manufacturing.pdf
 
zkStudyClub - LatticeFold: A Lattice-based Folding Scheme and its Application...
zkStudyClub - LatticeFold: A Lattice-based Folding Scheme and its Application...zkStudyClub - LatticeFold: A Lattice-based Folding Scheme and its Application...
zkStudyClub - LatticeFold: A Lattice-based Folding Scheme and its Application...
 
Fueling AI with Great Data with Airbyte Webinar
Fueling AI with Great Data with Airbyte WebinarFueling AI with Great Data with Airbyte Webinar
Fueling AI with Great Data with Airbyte Webinar
 
WeTestAthens: Postman's AI & Automation Techniques
WeTestAthens: Postman's AI & Automation TechniquesWeTestAthens: Postman's AI & Automation Techniques
WeTestAthens: Postman's AI & Automation Techniques
 
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
 
Serial Arm Control in Real Time Presentation
Serial Arm Control in Real Time PresentationSerial Arm Control in Real Time Presentation
Serial Arm Control in Real Time Presentation
 
Generating privacy-protected synthetic data using Secludy and Milvus
Generating privacy-protected synthetic data using Secludy and MilvusGenerating privacy-protected synthetic data using Secludy and Milvus
Generating privacy-protected synthetic data using Secludy and Milvus
 
“Temporal Event Neural Networks: A More Efficient Alternative to the Transfor...
“Temporal Event Neural Networks: A More Efficient Alternative to the Transfor...“Temporal Event Neural Networks: A More Efficient Alternative to the Transfor...
“Temporal Event Neural Networks: A More Efficient Alternative to the Transfor...
 

Machine Learning and its types with application

  • 1.
  • 3. WHAT IS AI ? Artificial intelligence, refers to the simulation of human intelligence in machines that are programmed to think and learn like humans. It encompasses a wide range of techniques and technologies aimed at enabling computers to perform tasks that typically require human intelligence, such as understanding natural language, recognizing patterns, making decisions, and solving problems.
  • 4. WHAT IS ML? MACHINE LEARNING IS A SUBSET OF ARTIFICIAL INTELLIGENCE (AI) THAT FOCUSES ON DEVELOPING ALGORITHMS AND MODELS THAT ALLOW COMPUTERS TO LEARN FROM DATA AND MAKE PREDICTIONS OR DECISIONS WITHOUT BEING EXPLICITLY PROGRAMMED TO PERFORM SPECIFIC TASKS. IN TRADITIONAL PROGRAMMING, HUMANS WRITE CODE TO INSTRUCT A COMPUTER ON HOW TO PERFORM A TASK. HOWEVER, IN MACHINE LEARNING, THE COMPUTER LEARNS TO PERFORM TASKS BY ANALYSING AND INTERPRETING DATA.
  • 5. Machine learning algorithms are trained to find relationships and patterns in data. They use historical data as input to make predictions, classify information, cluster data points, reduce dimensionality and even help generate new content, as demonstrated by new ML-fueled applications such as ChatGPT, Dall-E 2 and GitHub Copilot.
  • 6. ML Process The Machine Learning process involves building a Predictive model that can be used to find a solution for a Problem Statement Step 1: Problem Definition Step 2: Data Collection Step 3: Preparing the Data Step 4: Exploratory Data Analysis Step 5: Building the Machine Learning Model Step 6: Model evaluation and optimization Step 7: Predictions
  • 9. Supervised machine learning is a type of machine learning where the algorithm learns from labeled data, which means it is provided with input-output pairs during the training process. The goal is to learn a mapping from input variables to output variables, allowing the algorithm to make predictions or decisions when presented with new, unseen data This learning model takes direct feedback to check whether it is producing correct output or not.
  • 10. In supervised learning, each example in the training dataset consists of an input and a corresponding output label. The input is typically represented as a feature vector, where each feature provides some information about the example. The output label is the target variable that the algorithm aims to predict. LABELED DATA
  • 11.
  • 12. TRAINING PROCESS During the training phase, the algorithm is presented with a dataset containing input output pairs. It learns from the examples by adjusting its internal parameters to minimize the error between its predictions and the true labels. The learning algorithm iteratively improves its performance through processes like gradient descent, where it updates its parameters in the direction that reduces the prediction error.
  • 13. • The ultimate goal of supervised learning is to generalize well to unseen data. • A model that performs well on the training data but poorly on new, unseen data is said to overfit. • Overfitting occurs when the model captures noise in the training data rather than the underlying pattern. • Techniques such as cross-validation, regularization, and early stopping are used to prevent overfitting and encourage better generalization. Classification: Email spam detection, sentiment analysis, image recognition. Regression: Stock price prediction, house price estimation, demand forecasting.
  • 14. Linear Regression: Simple and widely used for regression tasks. Logistic Regression: Used for binary classification problems. Decision Trees: Versatile for both classification and regression tasks. Support Vector Machines (SVM): Effective for classification tasks, especially when dealing with high- dimensional data. Neural Networks: Deep learning models capable of learning complex patterns from large datasets. COMMON ALGORITHMS
  • 15.
  • 16. Unsupervised learning is a type of machine learning where the model learns patterns from unlabeled data without explicit guidance. Purpose: Uncover hidden patterns, group similar data points, and reduce the dimensionality of data.
  • 17. CLUSTERING ASSOCIATION Clustering is the method of dividing the objects into clusters that are similar between them and are dissimilar to the objects belonging to another cluster. For example, finding out which customers made similar product purchases. Association is a rule-based machine learning to discover the probability of the co- occurrence of items in a collection. For example, finding out which products were purchased together.
  • 18.
  • 19. Customer Segmentation: Divide customers into groups based on their purchasing behavior. Image and Text Analysis: Group similar images or classify text documents without labeled data. Recommendation Systems: Recommend products or content based on user behavior and preferences. Applications of Unsupervised Learning
  • 20. • Subjectivity in evaluation: Unlike supervised learning, where performance can be objectively measured against labeled data, evaluating the performance of unsupervised learning algorithms often relies on subjective measures such as clustering coherence or visual inspection. This subjectivity can make it challenging to compare different algorithms or determine the optimal solution. • Difficulty in interpreting results: Unsupervised learning algorithms often provide clusters, patterns, or associations in the data without explicit explanations. Interpreting these results can be challenging, especially in high-dimensional or complex datasets, leading to potential misinterpretation or misunderstanding of the underlying structure. Challenges and Limitations
  • 22. REINFORCMENT LEARNING Reinforcement learning in machine learning is like a trial- and-error learning process. •It’s similar to training a pet: when the pet does something good, it gets a treat, and when it does something bad, it doesn’t. Over time, the pet learns to repeat the good behaviors to get more treats.
  • 23. FUNDAMENTALS OF REINFORCEMENT LEARNNG •In reinforcement learning, an AI agent (like a robot or software) learns to make decisions by performing actions and getting rewards or penalties based on the results. The agent isn’t told what to do but instead learns from its experiences, trying to get as many rewards as possible. • The balance between exploration(seeking new knowledge) exploitation(using existing knowledge) is a key challenge in reinforcement learning.Strategies such as epsilon-greedy and UCB adress this trade-off.
  • 24. Deep reinforcement learning combines deep learning with reinforcement learning,enabling the handling of complex,Q- networks and policy gradients are popular approaches in this domain Reinforcement learning has revolutionized robotics by enabling autonomous decision-making in dynamic environments. From robotic arm control to autonomous navigation,RL has diverse applications in this field. DEEP REINFORCEMENT LEARNING
  • 25. Applications of Reinforcement • Autonomous Vehicles: Guides decisions for self-driving cars, including lane changes and obstacle avoidance. • Robotics: Used in motion control for navigating and manipulating objects. • Game Playing: Excels in training AI for complex games like Go and chess. • Natural Language Processing (NLP): Applies to text summarization and question- answering for human-like text generation. • Personalized Recommendations: Enhances user experience through tailored content recommendations.
  • 26. Pros Cons 1.Complex problem solving: It can solve very complex problem 2.Error correction : Capable of correcting errors during training. 3.Performance maximization : Intended to maximizing performance within a specific context. 1.Maintenance cost : High maintenance cost due to complexity. 2.Complexity for simple problems not preferable for solving simple problems.