SlideShare a Scribd company logo
1 of 72
Learning
Amar Jukuntla
Vignanā€™s Foundation For Science, Technology and Research
(Deemed to be University)
Definition
ā€¢Learning covers a broad range of processes
ā€¢To gain
ā€¢ Knowledge
ā€¢ Or understand of
ā€¢ Or skill in
ā€¢ By study, instruction, or experience
Learning
ā€¢ Learning is essential for unknown environments,
ā€¢ i.e., when designer lacks omniscience
ā€¢ Learning is useful as a system construction method,
ā€¢ i.e., expose the agent to reality rather than trying to write it down
ā€¢ Learning modifies the agent's decision mechanisms to improve
performance
An agent is learning if it improves its performance on future tasks after making observations
about the world
Why Learning?
ā€¢Three main reasons
ā€¢First, the designers cannot anticipate all possible
situations that the agent might find itself in.
ā€¢Second, the designers cannot anticipate all changes
over time.
ā€¢Third, sometimes human programmers have no idea
how to program a solution themselves.
Forms of Learning
ā€¢ Any component of an agent can be improved by learning
from data. The improvements, and the techniques used to
make them, depend on four major factors:
ā€¢ Which component is to be improved
ā€¢ What prior knowledge the agent already has.
ā€¢ What representation is used for the data and the component.
ā€¢ What feedback is available to learn from.
Components to be
learned
ā€¢ The components of these agents include:
ļƒ¼ A direct mapping from conditions on the current state to
actions.
ļƒ¼ A means to infer relevant properties of the world from the
percept sequence.
ļƒ¼ Information about the way the world evolves and about the
results of possible actions the agent can take.
ļƒ¼ Utility information indicating the desirability of world states.
ļƒ¼ Action-value information indicating the desirability of actions.
ļƒ¼ Goals that describe classes of states whose achievement
maximizes the agentā€™s utility.
Representatio
n and prior
knowledge
ā€¢ We have seen
several examples of
representations for
agent components:
propositional and
first-order logical
sentences for the
components in a
logical agent;
Feedback to learn from
ā€¢ There are three types of feedback that determine the three main
types of learning:
ā€¢ Supervised learning: correct answers for each example (or) the agent
observes some example inputā€“output pairs and learns a function that
maps from input to output
ā€¢ Unsupervised learning: correct answers not given (or) the agent
learns patterns in the input even though no explicit feedback is
supplied. Example: Clustering.
ā€¢ Reinforcement learning: occasional positive and/or negative rewards
(or) the agent learns from a series of reinforcementsā€”rewards or
punishments.
Example
Performance
Element
Component Representation Feedback
Alpha-Beta Pruning Eval. Funtion Weighted Linear
Function
Win/Loss
Logical Agent Transition Model Successor State-
axioms
Outcome
Utility-Based Agent Transition Model Dynamic Bayes
Network
Outcome
Simple Reflex
Agent
Percept-action Neural Network Correction action
Supervised Learning
Summary of
Learning
ā€¢ Any situation in which both the inputs and
outputs of a component can be perceived is
called supervised learning.
ā€¢ In learning the condition-action component, the
agent receives some evaluation of its action but
is not told the correct action. This is
called reinforcement learning.
ā€¢ Learning when there is no hint at all about the
correct outputs is called unsupervised
learning.
Inductive Learning
This involves the process of learning by example -- where a system tries to
induce a general rule from a set of observed instances.
Continueā€¦
ā€¢ This involves classification -- assigning, to a
particular input, the name of a class to which it
belongs. Classification is important to many problem
solving tasks.
ā€¢ A learning system has to be capable of evolving its
own class descriptions:
ā€¢ Initial class definitions may not be adequate.
ā€¢ The world may not be well understood or rapidly changing.
ā€¢ The task of constructing class definitions is called
induction or concept learning
Continueā€¦
ā€¢ Simplest form: learn a function from examples f is the
target function An example is a pair (x, f(x))
ā€¢ Problem: find a hypothesis h such that h ā‰ˆ f given a training
set of examples
ā€¢ This is a highly simplified model of real learning:
ā€¢ Ignores prior knowledge
ā€¢ Assumes a deterministic, observable environment
ā€¢ Assumes examples are given
ā€¢ Assume that the agent wants to learn m f (why?)
Continueā€¦
ā€¢ Construct/adjust h to agree with f on training set
ā€¢ (h is consistent if it agrees with f on all examples)
ā€¢ E.g., curve fitting:
The simplest hypothesis consistent with the data is called Ockhamā€™s razor
Learning
Decision Trees Decision tree induction is one of
the simplest and yet most
successful forms of machine
learning.
Continueā€¦
ā€¢ We first describe the representationā€”
the hypothesis spaceā€”and then show
how to learn a good hypothesis.
Representation
ā€¢ A Decision Tree takes as input an object given
by a set of properties, output a Boolean value
(yes/no decision).
ā€¢ Each internal node in the tree corresponds to
test of one of the properties. Branches are
labelled with the possible values of the test.
ā€¢ Aim: Learn goal concept (goal predicate)
from examples
ā€¢ Learning element: Algorithm that builds up
the decision tree.
ā€¢ Performance element: decision procedure
given by the tree
Expressivene
ss of Decision
Trees
Continueā€¦
ā€¢ A Boolean decision tree is logically equivalent to the assertion that the
goal attribute is true, if and only if the input attributes satisfy one of
the paths leading to a leaf with value true. Writing this out in
propositional logic, we have
Goal ā‡” (Path1 āˆØ Path2 āˆØ . . . .)
ā€¢ where each Path is a conjunction of attribute-value tests required to
follow that path. Thus, the whole expression is equivalent to
disjunctive normal form which means that any function in
propositional logic can be expressed as a decision tree.
Path = (Patrons =Full āˆ§ WaitEstimate =0ā€“10)
Example
ā€¢ Problem to wait for a table at a restaurant. A decision tree
decides whether to wait or not in a given situation.
ā€¢ Attributes:
ā€¢ Alternate: alternative restaurant nearby
ā€¢ Bar: bar area to wait
ā€¢ Fri/Sat: true on Fridays and Saturdays
ā€¢ Hungry: whether we are hungry
ā€¢ Patrons: how many people in restaurant (none, some, or full)
ā€¢ price: price range (Ā£ , Ā£ Ā£ , Ā£ Ā£ Ā£ )
Continueā€¦
ā€¢ raining: raining outside
ā€¢ reservation: whether we made a reservation
ā€¢ type: kind of restaurant (French, Italian, Thai, or Burger)
ā€¢ WaitEstimate: estimated wait (<10, 10-30,30-60,>60)
How to pick nodes?
ā€¢ For a training set containing p positive examples and n negative
examples, we have:
H
š’‘
š’‘+š’
,
š’
š’‘+š’
= āˆ’
š’‘
š’‘+š’
š„šØš  šŸ
š’‘
š’‘+š’
āˆ’
š’
š’‘+š’
š„šØš  šŸ
š’
š’‘+š’
ā€¢ A chosen attribute A, with K distinct values, divides the training set E
into subsets E1, ā€¦ , EK.
ā€¢ The Expected Entropy (EH) remaining after trying attribute A (with
branches i=1,2,ā€¦,K) is
EH(A)= š’Š=šŸ
š’Œ š’‘ š’Š+š’ š’Š
š’‘+š’
š‘Æ
š’‘
š’‘+š’
,
š’
š’‘+š’
Continueā€¦
ā€¢ Information gain (I) or reduction in entropy for this attribute is:
š¼ š“ =H
š’‘
š’‘+š’
,
š’
š’‘+š’
-EH(A)
ā€¢ Example;
ā€¢ I(Patrons)=H
šŸ”
šŸšŸ
,
šŸ”
šŸšŸ
-
2
12
H
šŸŽ
šŸ
,
šŸ
šŸ
+
4
12
H
šŸ’
šŸ’
,
šŸŽ
šŸ’
+
6
12
H
šŸ
šŸ”
,
šŸ’
šŸ”
= šŸŽ. šŸ“šŸ’šŸš’ƒš’Šš’•š’”
How to select next node??
ā€¢ Given Patrons as root node, the next attribute chosen is Hungry?,
with IG(Hungry?) = I(1/3, 2/3) ā€“ ( 2/3*1 + 1/3*0) = 0.252
Final decision tree induced by 12-
example training set
Continueā€¦
ā€¢Decision Tree Pruning
ā€¢Cross Validation
ā€¢Training Sets
ā€¢Test Cases
ā€¢Validation Set
Ensemble Learning
Continueā€¦
ā€¢Ensemble learning is a machine learning
paradigm where multiple learners are trained to
solve the same problem. In contrast to ordinary
machine learning approaches which try to learn
one hypothesis from training data, ensemble
methods try to construct a set of hypotheses and
combine them to use.
Continueā€¦
ā€¢ Ensemble learning helps improve machine learning results by
combining several models.
ā€¢ This approach allows the production of better predictive
performance compared to a single model.
ā€¢ Ensemble methods are meta-algorithms that combine several machine
learning techniques into one predictive model in order
to decrease variance(bagging), bias (boosting), or improve
predictions (stacking).
Boosting
ā€¢ Boosting refers to a family of algorithms that are able to convert weak
learners to strong learners.
ā€¢ The main principle of boosting is to fit a sequence of weak learnersāˆ’
models that are only slightly better than random guessing, such as
small decision treesāˆ’ to weighted versions of the data.
ā€¢ More weight is given to examples that were misclassified by earlier
rounds.
ā€¢ The predictions are then combined through a weighted majority vote
(classification) or a weighted sum (regression) to produce the final
prediction.
Continueā€¦
ā€¢ The principal difference between boosting and the committee methods,
such as bagging, is that base learners are trained in sequence on a
weighted version of the data.
ā€¢ The algorithm below describes the most widely used form of boosting
algorithm called AdaBoost, which stands for adaptive boosting.
Natural Language Processing
Continueā€¦
ā€¢ Natural Language Processing (NLP) refers to AI method of
communicating with an intelligent systems using a natural language
such as English.
ā€¢ Processing of Natural Language is required when you want an
intelligent system like robot to perform as per your instructions, when
you want to hear decision from a dialogue based clinical expert
system, etc.
ā€¢ The field of NLP involves making computers to perform useful tasks
with the natural languages humans use. The input and output of an
NLP system can be āˆ’
ā€¢ Speech
ā€¢ Written Text
Continueā€¦
ā€¢ To process written text, we need:
ā€¢ lexical, syntactic, semantic knowledge about the language
ā€¢ discourse information, real world knowledge
ā€¢ To process spoken language, we need everything required
to process written text, plus the challenges of speech recognition
and speech synthesis.
Components of NLP
ā€¢Natural Language Understanding (NLU)
ā€¢Understanding involves the following tasks āˆ’
ā€¢ Mapping the given input in natural language into useful
representations.
ā€¢ Analyzing different aspects of the language.
Continue...
ā€¢Natural Language Generation (NLG)
ā€¢ It is the process of producing meaningful phrases and
sentences in the form of natural language from some internal
representation.
ā€¢ It involves āˆ’
ā€¢ Text planning āˆ’ It includes retrieving the relevant content from
knowledge base.
ā€¢ Sentence planning āˆ’ It includes choosing required words,
forming meaningful phrases, setting tone of the sentence.
ā€¢ Text Realization āˆ’ It is mapping sentence plan into sentence
structure.
The NLU is harder than NLG.
Difficulties in NLU
ā€¢ NL has an extremely rich form and structure.
ā€¢ It is very ambiguous. There can be different levels of
ambiguity āˆ’
ā€¢ Lexical ambiguity āˆ’ It is at very primitive level such as
word-level.
ā€¢ For example, treating the word ā€œboardā€ as noun or verb?
ā€¢ Syntax Level ambiguity āˆ’ A sentence can be parsed in
different ways.
Continueā€¦
ā€¢ For example, ā€œHe lifted the beetle with red cap.ā€ āˆ’ Did he use cap to
lift the beetle or he lifted a beetle that had red cap?
ā€¢ Referential ambiguity āˆ’ Referring to something using pronouns. For
example, Rima went to Gauri. She said, ā€œI am tired.ā€ āˆ’ Exactly who is
tired?
ā€¢ One input can mean different meanings. Many inputs can mean the
same thing.
NLP Terminology
ā€¢ Phonology āˆ’ It is study of organizing sound systematically.
ā€¢ Morphology āˆ’ It is a study of construction of words from
primitive meaningful units.
ā€¢ Morpheme āˆ’ It is primitive unit of meaning in a language.
ā€¢ Syntax āˆ’ It refers to arranging words to make a sentence. It
also involves determining the structural role of words in the
sentence and in phrases.
Continueā€¦
ā€¢ Semantics āˆ’ It is concerned with the meaning of words and how to
combine words into meaningful phrases and sentences.
ā€¢ Pragmatics āˆ’ It deals with using and understanding sentences in
different situations and how the interpretation of the sentence is
affected.
ā€¢ Discourse āˆ’ It deals with how the immediately preceding sentence can
affect the interpretation of the next sentence.
ā€¢ World Knowledge āˆ’ It includes the general knowledge about the
world.
Steps in NLP
ā€¢There are general five steps āˆ’
ā€¢Lexical Analysis
ā€¢Syntactic Analysis (Parsing)
ā€¢Semantic Analysis
ā€¢Discourse Integration
ā€¢Pragmatic Analysis
Continueā€¦
ā€¢ Lexical Analysis āˆ’ It involves identifying and analyzing the structure
of words. Lexicon of a language means the collection of words and
phrases in a language. Lexical analysis is dividing the whole chunk of
txt into paragraphs, sentences, and words.
ā€¢ Syntactic Analysis (Parsing) āˆ’ It involves analysis of words in the
sentence for grammar and arranging words in a manner that shows the
relationship among the words. The sentence such as ā€œThe school goes
to boyā€ is rejected by English syntactic analyzer.
Continueā€¦
ā€¢ Semantic Analysis āˆ’ It draws the exact meaning or the dictionary
meaning from the text. The text is checked for meaningfulness. It is
done by mapping syntactic structures and objects in the task domain.
The semantic analyzer disregards sentence such as ā€œhot ice-creamā€.
ā€¢ Discourse Integration āˆ’ The meaning of any sentence depends upon
the meaning of the sentence just before it. In addition, it also brings
about the meaning of immediately succeeding sentence.
ā€¢ Pragmatic Analysis āˆ’ During this, what was said is re-interpreted on
what it actually meant. It involves deriving those aspects of language
which require real world knowledge.
Lexical Analysis1
Syntactic Analysis2
Semantic Analysis3
Discourse Integration4
Pragmatic Analysis5
Machine Learning
Introduction
ā€¢A computer program is said to learn from a
experience E with respect to the some class
of tasks T and performance measure P, if
its performance on tasks in T, on tasks in T
as measured by P improves with experience
E.
DataPrediction
Classification
acting
Feed the Experience or Data Problem or Task
Background Knowledge
(Which will help the system)
Solution and
its corresponding performance measure
Learner Reasoner
Models
Applications
Image Recognition
Speech
Recognition
Medical Diagnosis
Classification
Prediction
Regression
Extraction
Fraud Detection
Creating a Learner
Choose
Training
Experience
ā€¢ Training Data
Choose Target
Function
ā€¢ How to represent a
model (That is to be
learned)
Choose how to
represent a
target function
Choose a
learning
Algorithm
Different Types of Learning
Supervised Learning1
Unsupervised Learning2
Semi Supervised Learning3
Reinforcement Learning4
Supervised Learning
ā€¢ This kind of learning is
possible when inputs and
the outputs are clearly
identified, and algorithms
are trained using labeled
examples.
Unsupervised
Learning
ā€¢ Unlike supervised learning,
unsupervised learning is used with
data sets without historical data.
An unsupervised learning
algorithm explores surpassed data
to find the structure. This kind of
learning works best for
transactional data; for instance, it
helps in identifying customer
segments and clusters with certain
attributes
Semi-Supervised
Learning
ā€¢ As the name suggests,
semi-supervised learning is
a bit of both supervised
and unsupervised learning
and uses both labeled and
unlabeled data for
training. In a typical
scenario, the algorithm
would use a small amount
of labeled data with a large
amount of unlabeled data.
Reinforcement Learning
ā€¢ This is a bit similar to the traditional type of data analysis; the
algorithm discovers through trial and error and decides which
action results in greater rewards. Three major components
can be identified in reinforcement learning functionality: the
agent, the environment, and the actions. The agent is the
learner or decision-maker, the environment includes
everything that the agent interacts with, and the actions are
what the agent can do.
Reinforcement
Learning
ā€¢ Reinforcement
learning occurs when
the agent chooses
actions that maximize
the expected reward
over a given time. This
is best achieved when
the agent has a good
policy to follow.
Perception
Perception
ā€¢Perception appears to be an effortless
activity for humans, it requires a significant
amount of sophisticated computation.
ā€¢The goal of vision is to extract information
needed for tasks such as manipulation,
navigation, and object recognition.
Why image processing???
ā€¢It is motivated by two major applications
ā€¢Improvement of pictorial information for
human perception.
ā€¢Image processing for autonomous machine
applications.
ā€¢Efficient storage and transmission.
Basic Steps of Image Processing
ā€¢ Image Acquisition: An imaging sensor and the capability to
digitalize the signal produced by the sensor.
ā€¢ Preprocessing: Enhance the image quality, filtering, contrast
enhancement etc.
ā€¢ Segmentation: Partitions an image into constituent parts of
objects.
ā€¢ Description/ Feature selection: Extracts description of image
objects suitable for further computer processing.
Continueā€¦
ā€¢Recognition & interpretation: Assigning a label
to the object based on the information provided
by its descriptor. Interpretation assigns meaning
to a set of labeled objects.
ā€¢Knowledge Base: KB helps for efficient
processing as well as inter module cooperation.
Image
Acquisition
Processing
Segmentation
Representation
and
Description
Recognition
and
Interpretation
Knowledge Base
Result
References
ā€¢ Artificial Intelligence Natural Language Processing - TutorialsPoint
ā€¢ http://web.cs.hacettepe.edu.tr/~ilyas/Courses/BIL711/lec01-
overview.PPT
ā€¢ https://www.upwork.com/hiring/for-clients/artificial-intelligence-and-
natural-language-processing-in-big-data/
ā€¢ https://www.youtube.com/watch?v=T3PsRW6wZSY&list=PLlGkyYYWOSOs
GU-XARWdIFsRAJQkyBrVj
ā€¢ https://www.simplilearn.com/what-is-machine-learning-and-why-it-
matters-article
ā€¢ https://www.youtube.com/watch?v=CVV0TvNK6pk
References
ā€¢ http://users.cs.cf.ac.uk/Dave.Marshall/AI2/node144.html.
ā€¢ https://nptel.ac.in/courses/106106126/
ā€¢ http://www2.hawaii.edu/~nreed/ics461/lectures/18learning.p
df
ā€¢ http://www.cs.bham.ac.uk/~mmk/Teaching/AI/l3.html
ā€¢ https://cs.nju.edu.cn/zhouzh/zhouzh.files/publication/springer
EBR09.pdf
ā€¢ https://blog.statsbot.co/ensemble-learning-d1dcd548e936
ā€¢ https://www.scm.tees.ac.uk/isg/aia/nlp/NLP-overview.pdf

More Related Content

What's hot

Genetic Algorithms - Artificial Intelligence
Genetic Algorithms - Artificial IntelligenceGenetic Algorithms - Artificial Intelligence
Genetic Algorithms - Artificial IntelligenceSahil Kumar
Ā 
Local search algorithms
Local search algorithmsLocal search algorithms
Local search algorithmsbambangsueb
Ā 
K nearest neighbor
K nearest neighborK nearest neighbor
K nearest neighborAkshay Udhane
Ā 
Reinforcement Learning
Reinforcement LearningReinforcement Learning
Reinforcement Learningbutest
Ā 
AI-04 Production System - Search Problem.pptx
AI-04 Production System - Search Problem.pptxAI-04 Production System - Search Problem.pptx
AI-04 Production System - Search Problem.pptxPankaj Debbarma
Ā 
Intelligent Agents
Intelligent Agents Intelligent Agents
Intelligent Agents Amar Jukuntla
Ā 
Reinforcement learning, Q-Learning
Reinforcement learning, Q-LearningReinforcement learning, Q-Learning
Reinforcement learning, Q-LearningKuppusamy P
Ā 
Probabilistic Reasoning
Probabilistic ReasoningProbabilistic Reasoning
Probabilistic ReasoningJunya Tanaka
Ā 
UNIT - I PROBLEM SOLVING AGENTS and EXAMPLES.pptx.pdf
UNIT - I PROBLEM SOLVING AGENTS and EXAMPLES.pptx.pdfUNIT - I PROBLEM SOLVING AGENTS and EXAMPLES.pptx.pdf
UNIT - I PROBLEM SOLVING AGENTS and EXAMPLES.pptx.pdfJenishaR1
Ā 
State Space Search and Control Strategies in Artificial Intelligence.pptx
State Space Search and Control Strategies in Artificial Intelligence.pptxState Space Search and Control Strategies in Artificial Intelligence.pptx
State Space Search and Control Strategies in Artificial Intelligence.pptxRSAISHANKAR
Ā 
AI 7 | Constraint Satisfaction Problem
AI 7 | Constraint Satisfaction ProblemAI 7 | Constraint Satisfaction Problem
AI 7 | Constraint Satisfaction ProblemMohammad Imam Hossain
Ā 
Artificial Intelligence Searching Techniques
Artificial Intelligence Searching TechniquesArtificial Intelligence Searching Techniques
Artificial Intelligence Searching TechniquesDr. C.V. Suresh Babu
Ā 
Hill climbing algorithm in artificial intelligence
Hill climbing algorithm in artificial intelligenceHill climbing algorithm in artificial intelligence
Hill climbing algorithm in artificial intelligencesandeep54552
Ā 
Control Strategies in AI
Control Strategies in AI Control Strategies in AI
Control Strategies in AI Bharat Bhushan
Ā 
Reinforcement Learning
Reinforcement LearningReinforcement Learning
Reinforcement LearningSalem-Kabbani
Ā 

What's hot (20)

AI 5 | Local Search
AI 5 | Local SearchAI 5 | Local Search
AI 5 | Local Search
Ā 
Genetic Algorithms - Artificial Intelligence
Genetic Algorithms - Artificial IntelligenceGenetic Algorithms - Artificial Intelligence
Genetic Algorithms - Artificial Intelligence
Ā 
Hill climbing
Hill climbingHill climbing
Hill climbing
Ā 
Local search algorithms
Local search algorithmsLocal search algorithms
Local search algorithms
Ā 
Generalized Reinforcement Learning
Generalized Reinforcement LearningGeneralized Reinforcement Learning
Generalized Reinforcement Learning
Ā 
K nearest neighbor
K nearest neighborK nearest neighbor
K nearest neighbor
Ā 
Reinforcement Learning
Reinforcement LearningReinforcement Learning
Reinforcement Learning
Ā 
AI-04 Production System - Search Problem.pptx
AI-04 Production System - Search Problem.pptxAI-04 Production System - Search Problem.pptx
AI-04 Production System - Search Problem.pptx
Ā 
Intelligent Agents
Intelligent Agents Intelligent Agents
Intelligent Agents
Ā 
Reinforcement learning, Q-Learning
Reinforcement learning, Q-LearningReinforcement learning, Q-Learning
Reinforcement learning, Q-Learning
Ā 
Probabilistic Reasoning
Probabilistic ReasoningProbabilistic Reasoning
Probabilistic Reasoning
Ā 
Genetic Algorithm
Genetic AlgorithmGenetic Algorithm
Genetic Algorithm
Ā 
UNIT - I PROBLEM SOLVING AGENTS and EXAMPLES.pptx.pdf
UNIT - I PROBLEM SOLVING AGENTS and EXAMPLES.pptx.pdfUNIT - I PROBLEM SOLVING AGENTS and EXAMPLES.pptx.pdf
UNIT - I PROBLEM SOLVING AGENTS and EXAMPLES.pptx.pdf
Ā 
State Space Search and Control Strategies in Artificial Intelligence.pptx
State Space Search and Control Strategies in Artificial Intelligence.pptxState Space Search and Control Strategies in Artificial Intelligence.pptx
State Space Search and Control Strategies in Artificial Intelligence.pptx
Ā 
AI 7 | Constraint Satisfaction Problem
AI 7 | Constraint Satisfaction ProblemAI 7 | Constraint Satisfaction Problem
AI 7 | Constraint Satisfaction Problem
Ā 
Artificial Intelligence Searching Techniques
Artificial Intelligence Searching TechniquesArtificial Intelligence Searching Techniques
Artificial Intelligence Searching Techniques
Ā 
AI: Learning in AI
AI: Learning in AI AI: Learning in AI
AI: Learning in AI
Ā 
Hill climbing algorithm in artificial intelligence
Hill climbing algorithm in artificial intelligenceHill climbing algorithm in artificial intelligence
Hill climbing algorithm in artificial intelligence
Ā 
Control Strategies in AI
Control Strategies in AI Control Strategies in AI
Control Strategies in AI
Ā 
Reinforcement Learning
Reinforcement LearningReinforcement Learning
Reinforcement Learning
Ā 

Similar to Learning

ML slide share.pptx
ML slide share.pptxML slide share.pptx
ML slide share.pptxGoodReads1
Ā 
Machine Learning
Machine Learning Machine Learning
Machine Learning GaytriDhingra1
Ā 
AI -learning and machine learning.pptx
AI  -learning and machine learning.pptxAI  -learning and machine learning.pptx
AI -learning and machine learning.pptxGaytriDhingra1
Ā 
AI_Unit-4_Learning.pptx
AI_Unit-4_Learning.pptxAI_Unit-4_Learning.pptx
AI_Unit-4_Learning.pptxMohammadAsim91
Ā 
Lecture 5 machine learning updated
Lecture 5   machine learning updatedLecture 5   machine learning updated
Lecture 5 machine learning updatedVajira Thambawita
Ā 
Week_1 Machine Learning introduction.pptx
Week_1 Machine Learning introduction.pptxWeek_1 Machine Learning introduction.pptx
Week_1 Machine Learning introduction.pptxmuhammadsamroz
Ā 
Rahul_Kirtoniya_11800121032_CSE_Machine_Learning.pptx
Rahul_Kirtoniya_11800121032_CSE_Machine_Learning.pptxRahul_Kirtoniya_11800121032_CSE_Machine_Learning.pptx
Rahul_Kirtoniya_11800121032_CSE_Machine_Learning.pptxRahulKirtoniya
Ā 
Intro to machine learning
Intro to machine learningIntro to machine learning
Intro to machine learningAkshay Kanchan
Ā 
Machine learning with ADA Boost
Machine learning with ADA BoostMachine learning with ADA Boost
Machine learning with ADA BoostAman Patel
Ā 
Machine Learning Lecture 2 Basics
Machine Learning Lecture 2 BasicsMachine Learning Lecture 2 Basics
Machine Learning Lecture 2 Basicsananth
Ā 
UNIT 1 Machine Learning [KCS-055] (1).pptx
UNIT 1 Machine Learning [KCS-055] (1).pptxUNIT 1 Machine Learning [KCS-055] (1).pptx
UNIT 1 Machine Learning [KCS-055] (1).pptxRohanPathak30
Ā 

Similar to Learning (20)

Week 1.pdf
Week 1.pdfWeek 1.pdf
Week 1.pdf
Ā 
ML slide share.pptx
ML slide share.pptxML slide share.pptx
ML slide share.pptx
Ā 
Machine Learning
Machine Learning Machine Learning
Machine Learning
Ā 
AI -learning and machine learning.pptx
AI  -learning and machine learning.pptxAI  -learning and machine learning.pptx
AI -learning and machine learning.pptx
Ā 
AI_Unit-4_Learning.pptx
AI_Unit-4_Learning.pptxAI_Unit-4_Learning.pptx
AI_Unit-4_Learning.pptx
Ā 
Lecture 5 machine learning updated
Lecture 5   machine learning updatedLecture 5   machine learning updated
Lecture 5 machine learning updated
Ā 
Week_1 Machine Learning introduction.pptx
Week_1 Machine Learning introduction.pptxWeek_1 Machine Learning introduction.pptx
Week_1 Machine Learning introduction.pptx
Ā 
Rahul_Kirtoniya_11800121032_CSE_Machine_Learning.pptx
Rahul_Kirtoniya_11800121032_CSE_Machine_Learning.pptxRahul_Kirtoniya_11800121032_CSE_Machine_Learning.pptx
Rahul_Kirtoniya_11800121032_CSE_Machine_Learning.pptx
Ā 
M18 learning
M18 learningM18 learning
M18 learning
Ā 
Intro to machine learning
Intro to machine learningIntro to machine learning
Intro to machine learning
Ā 
ML
MLML
ML
Ā 
AI Lesson 33
AI Lesson 33AI Lesson 33
AI Lesson 33
Ā 
Lesson 33
Lesson 33Lesson 33
Lesson 33
Ā 
Machine learning with ADA Boost
Machine learning with ADA BoostMachine learning with ADA Boost
Machine learning with ADA Boost
Ā 
Machine Learning Lecture 2 Basics
Machine Learning Lecture 2 BasicsMachine Learning Lecture 2 Basics
Machine Learning Lecture 2 Basics
Ā 
ai4.ppt
ai4.pptai4.ppt
ai4.ppt
Ā 
ai4.ppt
ai4.pptai4.ppt
ai4.ppt
Ā 
ai4.ppt
ai4.pptai4.ppt
ai4.ppt
Ā 
UNIT 1 Machine Learning [KCS-055] (1).pptx
UNIT 1 Machine Learning [KCS-055] (1).pptxUNIT 1 Machine Learning [KCS-055] (1).pptx
UNIT 1 Machine Learning [KCS-055] (1).pptx
Ā 
ai4.ppt
ai4.pptai4.ppt
ai4.ppt
Ā 

More from Amar Jukuntla

Singly linked list
Singly linked listSingly linked list
Singly linked listAmar Jukuntla
Ā 
Types of files
Types of filesTypes of files
Types of filesAmar Jukuntla
Ā 
Problem Solving
Problem Solving Problem Solving
Problem Solving Amar Jukuntla
Ā 
Nature of open source
Nature of open sourceNature of open source
Nature of open sourceAmar Jukuntla
Ā 
Linux Directory System: Introduction
Linux Directory System: IntroductionLinux Directory System: Introduction
Linux Directory System: IntroductionAmar Jukuntla
Ā 
Introduction to Data Structures
Introduction to Data StructuresIntroduction to Data Structures
Introduction to Data StructuresAmar Jukuntla
Ā 
First Order Logic resolution
First Order Logic resolutionFirst Order Logic resolution
First Order Logic resolutionAmar Jukuntla
Ā 
First Order Logic
First Order LogicFirst Order Logic
First Order LogicAmar Jukuntla
Ā 
Need of object oriented programming
Need of object oriented programmingNeed of object oriented programming
Need of object oriented programmingAmar Jukuntla
Ā 

More from Amar Jukuntla (17)

Singly linked list
Singly linked listSingly linked list
Singly linked list
Ā 
Types of files
Types of filesTypes of files
Types of files
Ā 
Hashing
HashingHashing
Hashing
Ā 
Unit 2
Unit 2Unit 2
Unit 2
Ā 
Problem Solving
Problem Solving Problem Solving
Problem Solving
Ā 
Introduction
IntroductionIntroduction
Introduction
Ā 
DFS
DFSDFS
DFS
Ā 
Sorting
SortingSorting
Sorting
Ā 
Sorting
SortingSorting
Sorting
Ā 
Nature of open source
Nature of open sourceNature of open source
Nature of open source
Ā 
Linux Directory System: Introduction
Linux Directory System: IntroductionLinux Directory System: Introduction
Linux Directory System: Introduction
Ā 
Introduction to Data Structures
Introduction to Data StructuresIntroduction to Data Structures
Introduction to Data Structures
Ā 
First Order Logic resolution
First Order Logic resolutionFirst Order Logic resolution
First Order Logic resolution
Ā 
First Order Logic
First Order LogicFirst Order Logic
First Order Logic
Ā 
A*
A*A*
A*
Ā 
Agents1
Agents1Agents1
Agents1
Ā 
Need of object oriented programming
Need of object oriented programmingNeed of object oriented programming
Need of object oriented programming
Ā 

Recently uploaded

Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
Ā 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxupamatechverse
Ā 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
Ā 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...Soham Mondal
Ā 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...ranjana rawat
Ā 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
Ā 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidNikhilNagaraju
Ā 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINESIVASHANKAR N
Ā 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
Ā 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxupamatechverse
Ā 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
Ā 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
Ā 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Dr.Costas Sachpazis
Ā 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEslot gacor bisa pakai pulsa
Ā 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...ranjana rawat
Ā 
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...srsj9000
Ā 
Model Call Girl in Narela Delhi reach out to us at šŸ”8264348440šŸ”
Model Call Girl in Narela Delhi reach out to us at šŸ”8264348440šŸ”Model Call Girl in Narela Delhi reach out to us at šŸ”8264348440šŸ”
Model Call Girl in Narela Delhi reach out to us at šŸ”8264348440šŸ”soniya singh
Ā 

Recently uploaded (20)

9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
Ā 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
Ā 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptx
Ā 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Ā 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
Ā 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
Ā 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
Ā 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
Ā 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfid
Ā 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
Ā 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
Ā 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptx
Ā 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
Ā 
Roadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and RoutesRoadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and Routes
Ā 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
Ā 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Ā 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
Ā 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
Ā 
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Ā 
Model Call Girl in Narela Delhi reach out to us at šŸ”8264348440šŸ”
Model Call Girl in Narela Delhi reach out to us at šŸ”8264348440šŸ”Model Call Girl in Narela Delhi reach out to us at šŸ”8264348440šŸ”
Model Call Girl in Narela Delhi reach out to us at šŸ”8264348440šŸ”
Ā 

Learning

  • 1. Learning Amar Jukuntla Vignanā€™s Foundation For Science, Technology and Research (Deemed to be University)
  • 2. Definition ā€¢Learning covers a broad range of processes ā€¢To gain ā€¢ Knowledge ā€¢ Or understand of ā€¢ Or skill in ā€¢ By study, instruction, or experience
  • 3. Learning ā€¢ Learning is essential for unknown environments, ā€¢ i.e., when designer lacks omniscience ā€¢ Learning is useful as a system construction method, ā€¢ i.e., expose the agent to reality rather than trying to write it down ā€¢ Learning modifies the agent's decision mechanisms to improve performance An agent is learning if it improves its performance on future tasks after making observations about the world
  • 4. Why Learning? ā€¢Three main reasons ā€¢First, the designers cannot anticipate all possible situations that the agent might find itself in. ā€¢Second, the designers cannot anticipate all changes over time. ā€¢Third, sometimes human programmers have no idea how to program a solution themselves.
  • 5. Forms of Learning ā€¢ Any component of an agent can be improved by learning from data. The improvements, and the techniques used to make them, depend on four major factors: ā€¢ Which component is to be improved ā€¢ What prior knowledge the agent already has. ā€¢ What representation is used for the data and the component. ā€¢ What feedback is available to learn from.
  • 6. Components to be learned ā€¢ The components of these agents include: ļƒ¼ A direct mapping from conditions on the current state to actions. ļƒ¼ A means to infer relevant properties of the world from the percept sequence. ļƒ¼ Information about the way the world evolves and about the results of possible actions the agent can take. ļƒ¼ Utility information indicating the desirability of world states. ļƒ¼ Action-value information indicating the desirability of actions. ļƒ¼ Goals that describe classes of states whose achievement maximizes the agentā€™s utility.
  • 7. Representatio n and prior knowledge ā€¢ We have seen several examples of representations for agent components: propositional and first-order logical sentences for the components in a logical agent;
  • 8. Feedback to learn from ā€¢ There are three types of feedback that determine the three main types of learning: ā€¢ Supervised learning: correct answers for each example (or) the agent observes some example inputā€“output pairs and learns a function that maps from input to output ā€¢ Unsupervised learning: correct answers not given (or) the agent learns patterns in the input even though no explicit feedback is supplied. Example: Clustering. ā€¢ Reinforcement learning: occasional positive and/or negative rewards (or) the agent learns from a series of reinforcementsā€”rewards or punishments.
  • 9. Example Performance Element Component Representation Feedback Alpha-Beta Pruning Eval. Funtion Weighted Linear Function Win/Loss Logical Agent Transition Model Successor State- axioms Outcome Utility-Based Agent Transition Model Dynamic Bayes Network Outcome Simple Reflex Agent Percept-action Neural Network Correction action
  • 11. Summary of Learning ā€¢ Any situation in which both the inputs and outputs of a component can be perceived is called supervised learning. ā€¢ In learning the condition-action component, the agent receives some evaluation of its action but is not told the correct action. This is called reinforcement learning. ā€¢ Learning when there is no hint at all about the correct outputs is called unsupervised learning.
  • 12. Inductive Learning This involves the process of learning by example -- where a system tries to induce a general rule from a set of observed instances.
  • 13. Continueā€¦ ā€¢ This involves classification -- assigning, to a particular input, the name of a class to which it belongs. Classification is important to many problem solving tasks. ā€¢ A learning system has to be capable of evolving its own class descriptions: ā€¢ Initial class definitions may not be adequate. ā€¢ The world may not be well understood or rapidly changing. ā€¢ The task of constructing class definitions is called induction or concept learning
  • 14. Continueā€¦ ā€¢ Simplest form: learn a function from examples f is the target function An example is a pair (x, f(x)) ā€¢ Problem: find a hypothesis h such that h ā‰ˆ f given a training set of examples ā€¢ This is a highly simplified model of real learning: ā€¢ Ignores prior knowledge ā€¢ Assumes a deterministic, observable environment ā€¢ Assumes examples are given ā€¢ Assume that the agent wants to learn m f (why?)
  • 15. Continueā€¦ ā€¢ Construct/adjust h to agree with f on training set ā€¢ (h is consistent if it agrees with f on all examples) ā€¢ E.g., curve fitting: The simplest hypothesis consistent with the data is called Ockhamā€™s razor
  • 16. Learning Decision Trees Decision tree induction is one of the simplest and yet most successful forms of machine learning.
  • 17. Continueā€¦ ā€¢ We first describe the representationā€” the hypothesis spaceā€”and then show how to learn a good hypothesis.
  • 18. Representation ā€¢ A Decision Tree takes as input an object given by a set of properties, output a Boolean value (yes/no decision). ā€¢ Each internal node in the tree corresponds to test of one of the properties. Branches are labelled with the possible values of the test. ā€¢ Aim: Learn goal concept (goal predicate) from examples ā€¢ Learning element: Algorithm that builds up the decision tree. ā€¢ Performance element: decision procedure given by the tree
  • 20. Continueā€¦ ā€¢ A Boolean decision tree is logically equivalent to the assertion that the goal attribute is true, if and only if the input attributes satisfy one of the paths leading to a leaf with value true. Writing this out in propositional logic, we have Goal ā‡” (Path1 āˆØ Path2 āˆØ . . . .) ā€¢ where each Path is a conjunction of attribute-value tests required to follow that path. Thus, the whole expression is equivalent to disjunctive normal form which means that any function in propositional logic can be expressed as a decision tree. Path = (Patrons =Full āˆ§ WaitEstimate =0ā€“10)
  • 21. Example ā€¢ Problem to wait for a table at a restaurant. A decision tree decides whether to wait or not in a given situation. ā€¢ Attributes: ā€¢ Alternate: alternative restaurant nearby ā€¢ Bar: bar area to wait ā€¢ Fri/Sat: true on Fridays and Saturdays ā€¢ Hungry: whether we are hungry ā€¢ Patrons: how many people in restaurant (none, some, or full) ā€¢ price: price range (Ā£ , Ā£ Ā£ , Ā£ Ā£ Ā£ )
  • 22. Continueā€¦ ā€¢ raining: raining outside ā€¢ reservation: whether we made a reservation ā€¢ type: kind of restaurant (French, Italian, Thai, or Burger) ā€¢ WaitEstimate: estimated wait (<10, 10-30,30-60,>60)
  • 23.
  • 24.
  • 25.
  • 26.
  • 27. How to pick nodes? ā€¢ For a training set containing p positive examples and n negative examples, we have: H š’‘ š’‘+š’ , š’ š’‘+š’ = āˆ’ š’‘ š’‘+š’ š„šØš  šŸ š’‘ š’‘+š’ āˆ’ š’ š’‘+š’ š„šØš  šŸ š’ š’‘+š’ ā€¢ A chosen attribute A, with K distinct values, divides the training set E into subsets E1, ā€¦ , EK. ā€¢ The Expected Entropy (EH) remaining after trying attribute A (with branches i=1,2,ā€¦,K) is EH(A)= š’Š=šŸ š’Œ š’‘ š’Š+š’ š’Š š’‘+š’ š‘Æ š’‘ š’‘+š’ , š’ š’‘+š’
  • 28. Continueā€¦ ā€¢ Information gain (I) or reduction in entropy for this attribute is: š¼ š“ =H š’‘ š’‘+š’ , š’ š’‘+š’ -EH(A) ā€¢ Example; ā€¢ I(Patrons)=H šŸ” šŸšŸ , šŸ” šŸšŸ - 2 12 H šŸŽ šŸ , šŸ šŸ + 4 12 H šŸ’ šŸ’ , šŸŽ šŸ’ + 6 12 H šŸ šŸ” , šŸ’ šŸ” = šŸŽ. šŸ“šŸ’šŸš’ƒš’Šš’•š’”
  • 29. How to select next node?? ā€¢ Given Patrons as root node, the next attribute chosen is Hungry?, with IG(Hungry?) = I(1/3, 2/3) ā€“ ( 2/3*1 + 1/3*0) = 0.252
  • 30. Final decision tree induced by 12- example training set
  • 31. Continueā€¦ ā€¢Decision Tree Pruning ā€¢Cross Validation ā€¢Training Sets ā€¢Test Cases ā€¢Validation Set
  • 33. Continueā€¦ ā€¢Ensemble learning is a machine learning paradigm where multiple learners are trained to solve the same problem. In contrast to ordinary machine learning approaches which try to learn one hypothesis from training data, ensemble methods try to construct a set of hypotheses and combine them to use.
  • 34. Continueā€¦ ā€¢ Ensemble learning helps improve machine learning results by combining several models. ā€¢ This approach allows the production of better predictive performance compared to a single model. ā€¢ Ensemble methods are meta-algorithms that combine several machine learning techniques into one predictive model in order to decrease variance(bagging), bias (boosting), or improve predictions (stacking).
  • 35.
  • 36. Boosting ā€¢ Boosting refers to a family of algorithms that are able to convert weak learners to strong learners. ā€¢ The main principle of boosting is to fit a sequence of weak learnersāˆ’ models that are only slightly better than random guessing, such as small decision treesāˆ’ to weighted versions of the data. ā€¢ More weight is given to examples that were misclassified by earlier rounds. ā€¢ The predictions are then combined through a weighted majority vote (classification) or a weighted sum (regression) to produce the final prediction.
  • 37. Continueā€¦ ā€¢ The principal difference between boosting and the committee methods, such as bagging, is that base learners are trained in sequence on a weighted version of the data. ā€¢ The algorithm below describes the most widely used form of boosting algorithm called AdaBoost, which stands for adaptive boosting.
  • 38.
  • 40.
  • 41.
  • 42. Continueā€¦ ā€¢ Natural Language Processing (NLP) refers to AI method of communicating with an intelligent systems using a natural language such as English. ā€¢ Processing of Natural Language is required when you want an intelligent system like robot to perform as per your instructions, when you want to hear decision from a dialogue based clinical expert system, etc. ā€¢ The field of NLP involves making computers to perform useful tasks with the natural languages humans use. The input and output of an NLP system can be āˆ’ ā€¢ Speech ā€¢ Written Text
  • 43. Continueā€¦ ā€¢ To process written text, we need: ā€¢ lexical, syntactic, semantic knowledge about the language ā€¢ discourse information, real world knowledge ā€¢ To process spoken language, we need everything required to process written text, plus the challenges of speech recognition and speech synthesis.
  • 44. Components of NLP ā€¢Natural Language Understanding (NLU) ā€¢Understanding involves the following tasks āˆ’ ā€¢ Mapping the given input in natural language into useful representations. ā€¢ Analyzing different aspects of the language.
  • 45. Continue... ā€¢Natural Language Generation (NLG) ā€¢ It is the process of producing meaningful phrases and sentences in the form of natural language from some internal representation. ā€¢ It involves āˆ’ ā€¢ Text planning āˆ’ It includes retrieving the relevant content from knowledge base. ā€¢ Sentence planning āˆ’ It includes choosing required words, forming meaningful phrases, setting tone of the sentence. ā€¢ Text Realization āˆ’ It is mapping sentence plan into sentence structure. The NLU is harder than NLG.
  • 46. Difficulties in NLU ā€¢ NL has an extremely rich form and structure. ā€¢ It is very ambiguous. There can be different levels of ambiguity āˆ’ ā€¢ Lexical ambiguity āˆ’ It is at very primitive level such as word-level. ā€¢ For example, treating the word ā€œboardā€ as noun or verb? ā€¢ Syntax Level ambiguity āˆ’ A sentence can be parsed in different ways.
  • 47. Continueā€¦ ā€¢ For example, ā€œHe lifted the beetle with red cap.ā€ āˆ’ Did he use cap to lift the beetle or he lifted a beetle that had red cap? ā€¢ Referential ambiguity āˆ’ Referring to something using pronouns. For example, Rima went to Gauri. She said, ā€œI am tired.ā€ āˆ’ Exactly who is tired? ā€¢ One input can mean different meanings. Many inputs can mean the same thing.
  • 48. NLP Terminology ā€¢ Phonology āˆ’ It is study of organizing sound systematically. ā€¢ Morphology āˆ’ It is a study of construction of words from primitive meaningful units. ā€¢ Morpheme āˆ’ It is primitive unit of meaning in a language. ā€¢ Syntax āˆ’ It refers to arranging words to make a sentence. It also involves determining the structural role of words in the sentence and in phrases.
  • 49. Continueā€¦ ā€¢ Semantics āˆ’ It is concerned with the meaning of words and how to combine words into meaningful phrases and sentences. ā€¢ Pragmatics āˆ’ It deals with using and understanding sentences in different situations and how the interpretation of the sentence is affected. ā€¢ Discourse āˆ’ It deals with how the immediately preceding sentence can affect the interpretation of the next sentence. ā€¢ World Knowledge āˆ’ It includes the general knowledge about the world.
  • 50. Steps in NLP ā€¢There are general five steps āˆ’ ā€¢Lexical Analysis ā€¢Syntactic Analysis (Parsing) ā€¢Semantic Analysis ā€¢Discourse Integration ā€¢Pragmatic Analysis
  • 51. Continueā€¦ ā€¢ Lexical Analysis āˆ’ It involves identifying and analyzing the structure of words. Lexicon of a language means the collection of words and phrases in a language. Lexical analysis is dividing the whole chunk of txt into paragraphs, sentences, and words. ā€¢ Syntactic Analysis (Parsing) āˆ’ It involves analysis of words in the sentence for grammar and arranging words in a manner that shows the relationship among the words. The sentence such as ā€œThe school goes to boyā€ is rejected by English syntactic analyzer.
  • 52. Continueā€¦ ā€¢ Semantic Analysis āˆ’ It draws the exact meaning or the dictionary meaning from the text. The text is checked for meaningfulness. It is done by mapping syntactic structures and objects in the task domain. The semantic analyzer disregards sentence such as ā€œhot ice-creamā€. ā€¢ Discourse Integration āˆ’ The meaning of any sentence depends upon the meaning of the sentence just before it. In addition, it also brings about the meaning of immediately succeeding sentence. ā€¢ Pragmatic Analysis āˆ’ During this, what was said is re-interpreted on what it actually meant. It involves deriving those aspects of language which require real world knowledge.
  • 53. Lexical Analysis1 Syntactic Analysis2 Semantic Analysis3 Discourse Integration4 Pragmatic Analysis5
  • 55. Introduction ā€¢A computer program is said to learn from a experience E with respect to the some class of tasks T and performance measure P, if its performance on tasks in T, on tasks in T as measured by P improves with experience E. DataPrediction Classification acting
  • 56. Feed the Experience or Data Problem or Task Background Knowledge (Which will help the system) Solution and its corresponding performance measure Learner Reasoner Models
  • 58. Creating a Learner Choose Training Experience ā€¢ Training Data Choose Target Function ā€¢ How to represent a model (That is to be learned) Choose how to represent a target function Choose a learning Algorithm
  • 59. Different Types of Learning Supervised Learning1 Unsupervised Learning2 Semi Supervised Learning3 Reinforcement Learning4
  • 60. Supervised Learning ā€¢ This kind of learning is possible when inputs and the outputs are clearly identified, and algorithms are trained using labeled examples.
  • 61. Unsupervised Learning ā€¢ Unlike supervised learning, unsupervised learning is used with data sets without historical data. An unsupervised learning algorithm explores surpassed data to find the structure. This kind of learning works best for transactional data; for instance, it helps in identifying customer segments and clusters with certain attributes
  • 62. Semi-Supervised Learning ā€¢ As the name suggests, semi-supervised learning is a bit of both supervised and unsupervised learning and uses both labeled and unlabeled data for training. In a typical scenario, the algorithm would use a small amount of labeled data with a large amount of unlabeled data.
  • 63. Reinforcement Learning ā€¢ This is a bit similar to the traditional type of data analysis; the algorithm discovers through trial and error and decides which action results in greater rewards. Three major components can be identified in reinforcement learning functionality: the agent, the environment, and the actions. The agent is the learner or decision-maker, the environment includes everything that the agent interacts with, and the actions are what the agent can do.
  • 64. Reinforcement Learning ā€¢ Reinforcement learning occurs when the agent chooses actions that maximize the expected reward over a given time. This is best achieved when the agent has a good policy to follow.
  • 66. Perception ā€¢Perception appears to be an effortless activity for humans, it requires a significant amount of sophisticated computation. ā€¢The goal of vision is to extract information needed for tasks such as manipulation, navigation, and object recognition.
  • 67. Why image processing??? ā€¢It is motivated by two major applications ā€¢Improvement of pictorial information for human perception. ā€¢Image processing for autonomous machine applications. ā€¢Efficient storage and transmission.
  • 68. Basic Steps of Image Processing ā€¢ Image Acquisition: An imaging sensor and the capability to digitalize the signal produced by the sensor. ā€¢ Preprocessing: Enhance the image quality, filtering, contrast enhancement etc. ā€¢ Segmentation: Partitions an image into constituent parts of objects. ā€¢ Description/ Feature selection: Extracts description of image objects suitable for further computer processing.
  • 69. Continueā€¦ ā€¢Recognition & interpretation: Assigning a label to the object based on the information provided by its descriptor. Interpretation assigns meaning to a set of labeled objects. ā€¢Knowledge Base: KB helps for efficient processing as well as inter module cooperation.
  • 71. References ā€¢ Artificial Intelligence Natural Language Processing - TutorialsPoint ā€¢ http://web.cs.hacettepe.edu.tr/~ilyas/Courses/BIL711/lec01- overview.PPT ā€¢ https://www.upwork.com/hiring/for-clients/artificial-intelligence-and- natural-language-processing-in-big-data/ ā€¢ https://www.youtube.com/watch?v=T3PsRW6wZSY&list=PLlGkyYYWOSOs GU-XARWdIFsRAJQkyBrVj ā€¢ https://www.simplilearn.com/what-is-machine-learning-and-why-it- matters-article ā€¢ https://www.youtube.com/watch?v=CVV0TvNK6pk
  • 72. References ā€¢ http://users.cs.cf.ac.uk/Dave.Marshall/AI2/node144.html. ā€¢ https://nptel.ac.in/courses/106106126/ ā€¢ http://www2.hawaii.edu/~nreed/ics461/lectures/18learning.p df ā€¢ http://www.cs.bham.ac.uk/~mmk/Teaching/AI/l3.html ā€¢ https://cs.nju.edu.cn/zhouzh/zhouzh.files/publication/springer EBR09.pdf ā€¢ https://blog.statsbot.co/ensemble-learning-d1dcd548e936 ā€¢ https://www.scm.tees.ac.uk/isg/aia/nlp/NLP-overview.pdf