SlideShare a Scribd company logo
Decision Tree
Decision Tree Tutorial
Decision Tree Tutorial
I think I have to buy a car
Decision Tree Tutorial
How do I decide which
one to buy?
Decision Tree Tutorial
Is mileage > 20?
Is Price < 15 Lakhs?
Will it be sufficient for 6
people?
Number of airbags = 4
Anti-lock brakes?
Decision Tree Tutorial
This seems good
What’s in it for you?
What is Machine Learning?
What is Decision Tree?
Problems in Machine Learning
What are the problems a Decision Tree solves?
Advantages of Decision Tree
Disadvantages of Decision Tree
How does Decision Tree work?
Use Case – Loan repayment prediction
Types of Machine Learning
What is Machine Learning?
What is Machine Learning?
I wish I was smarter
What is Machine Learning?
I wish I was smarter
What is Machine Learning?
Artificial Intelligence
What is Machine Learning?
Artificial Intelligence
What is Machine Learning?
I can think in
newer ways now
What is Machine Learning?
Learn
Analyze
Decide
Remember
Machine Learning
Recognize
Predict
What is Machine Learning?
Machine Learning is an application of Artificial Intelligence wherein the system gets the ability
to automatically learn and improve based on experience
Ordinary system
What is Machine Learning?
Machine Learning is an application of Artificial Intelligence wherein the system gets the ability
to automatically learn and improve based on experience
Ordinary system
With Artificial
Intelligence
What is Machine Learning?
Machine Learning is an application of Artificial Intelligence wherein the system gets the ability
to automatically learn and improve based on experience
Ordinary system
Ability to learn and improve on
its own
What is Machine Learning?
Machine Learning is an application of Artificial Intelligence wherein the system gets the ability
to automatically learn and improve based on experience
Ordinary system
Ability to learn and improve on
its own
Machine Learning
Types of Machine Learning
Types of Machine Learning
Supervised Learning
Types of Machine Learning
Supervised Learning Unsupervised Learning
Types of Machine Learning
Supervised Learning Unsupervised Learning Reinforcement Learning
Problems in Machine Learning?
Problems in Machine Learning
Classification
Problems with categorical
solutions like ‘Yes’ or ‘No’,
‘True’ or ‘False’,’1’ or ‘0’
Problems in Machine Learning
Classification Regression
Problems with categorical
solutions like ‘Yes’ or ‘No’,
‘True’ or ‘False’,’1’ or ‘0’
Problems wherein
continuous value needs to
be predicted like ‘Product
Prices’, ‘Profit’
Problems in Machine Learning
Classification
Problems with categorical
solutions like ‘Yes’ or ‘No’,
‘True’ or ‘False’,’1’ or ‘0’
Regression Clustering
Problems wherein
continuous value needs to
be predicted like ‘Product
Prices’, ‘Profit’
Problems wherein the data
needs to be organized to
find specific patterns like
in the case of ‘Product
Recommendation’
Problems in Machine Learning
Regression Clustering
Problems wherein
continuous value needs to
be predicted like ‘Product
Prices’, ‘Profit’
Problems wherein the data
needs to be organized to
find specific patterns like
in the case of ‘Product
Recommendation’
Classification
Problems with categorical
solutions like ‘Yes’ or ‘No’,
‘True’ or ‘False’,’1’ or ‘0’
Problems in Machine Learning
Classification
Problems with categorical
solutions like ‘Yes’ or ‘No’,
‘True’ or ‘False’,’1’ or ‘0’
Decision Tree
Problems in Machine Learning
Classification
Problems with categorical
solutions like ‘Yes’ or ‘No’,
‘True’ or ‘False’,’1’ or ‘0’
Decision Tree
Random Forest
Logistic Regression
Naïve Bayes
Problems in Machine Learning
Classification
Problems with categorical
solutions like ‘Yes’ or ‘No’,
‘True’ or ‘False’,’1’ or ‘0’
Decision Tree
Random Forest
Logistic Regression
Naïve Bayes
What is Decision Tree?
What is Decision Tree?
Decision Tree is a tree shaped diagram used to determine a course of action. Each branch of the tree represents a
possible decision, occurrence or reaction
What is Decision Tree?
Decision Tree is a tree shaped diagram used to determine a course of action. Each branch of the tree represents a
possible decision, occurrence or reaction
How do I Identify a random
vegetable from a shopping
bag?
What is Decision Tree?
Decision Tree is a tree shaped diagram used to determine a course of action. Each branch of the tree represents a
possible decision, occurrence or reaction
Which Vegetable?
Is color = red?
False True
diameter > 2
False True
What is Decision Tree?
Decision Tree is a tree shaped diagram used to determine a course of action. Each branch of the tree represents a
possible decision, occurrence or reaction
Which Vegetable?
So it’s a
capsicum
Is color = red?
False True
diameter > 2
False True
Problems that Decision Tree can solve
Problems that Decision Tree can solve
RegressionClassification
Problems that Decision Tree can solve
RegressionClassification
A classification tree will determine a set
of logical if-then conditions to classify
problems.
For example, discriminating between
three types of flowers based on certain
features
Problems that Decision Tree can solve
RegressionClassification
Regression tree is used when the
target variable is numerical or
continuous in nature. We fit a
regression model to the target
variable using each of the
independent variables. Each split
is made based on the sum of
squared error.
A classification tree will determine a set
of logical if-then conditions to classify
problems.
For example, discriminating between
three types of flowers based on certain
features
Advantages of Decision tree
Advantages of Decision Tree
Advantages of Decision Tree
Simple to
understand,
interpret and
visualize
Advantages of Decision Tree
Little effort required
for data preparation
Advantages of Decision Tree
Can handle both
numerical and
categorical data
Advantages of Decision Tree
Non linear
parameters don’t
effect its
performance
Disadvantages of Decision Tree
Disadvantages of Decision Tree
Overfitting
Map
Overfitting occurs when
the algorithm captures
noise in the data
Overfitting occurs when
the algorithm captures
noise in the data
Disadvantages of Decision Tree
Overfitting
High
Variance
Map
The model can get
unstable due to small
variation in data
Overfitting occurs when
the algorithm captures
noise in the data
The model can get
unstable due to small
variation in data
Disadvantages of Decision Tree
Overfitting
High
Variance
Low biased
Tree
Map
A highly complicated Decision
tree tends to have a low bias
which makes it difficult for the
model to work with new data
Decision Tree – Important Terms
Decision Tree – Important Terms
ImportantTerms
Decision Tree – Important Terms
Entropy Example
Entropy is the measure of
randomness or
unpredictability in the
dataset
This Dataset has a very
high entropy
High entropy
Decision Tree – Important Terms
Entropy Example
Entropy is the measure of
randomness or
unpredictability in the
dataset
High entropy(E1)
Color == yellow?
True False
Height=10? Height<10?
True TrueFalse False
Lower entropy(E2)
zero entropy
After split
Decision Tree – Important Terms
Information gain Example
High entropy(E1)
Color == yellow?
True False
Height=10? Height<10?
True TrueFalse False
Lower entropy(E2)
Gain = E1 - E2
After split
It is the measure of decrease
in entropy after the dataset
is split
Decision Tree – Important Terms
Leaf Node Example
Leaf Node
Color == yellow?
True False
Height=10? Height<10?
True TrueFalse False
Leaf node carries the
classification or the decision
Decision Tree – Important Terms
Decision Node Example
decision Node
Color == yellow?
True False
Height=10? Height<10?
True TrueFalse False
Decision node has two or
more branches
Decision Tree – Important Terms
Root Node Example
Root Node
Color == yellow?
True False
Height=10? Height<10?
True TrueFalse False
The top most Decision node
is known as the Root node
How does Decision Tree work?
Wonder what kind of animals I’ll get
in the jungle today
How does a Decision Tree work?
How does a Decision Tree work?
How does a Decision Tree work?
Let’s try to classify different types of
animals based on their features using a
DecisionTree
Problem statement
To classify the different types of animals
based on their features using decision tree
How does a Decision Tree work?
The dataset is looking quite messy and
the entropy is high in this case
How does a Decision Tree work?
Problem statement
To classify the different types of animals
based on their features using decision tree
The dataset is looking quite messy and
the entropy is high in this case
Training Dataset
Color Height Label
grey
Yellow
brown
grey
Yellow
10
3
10
10
4
elephant
elephant
giraffe
Tiger
Monkey
How does a Decision Tree work?
How to split the data
We have to frame the conditions that split
the data in such a way that the
information gain is the highest
How does a Decision Tree work?
How to split the data
We have to frame the conditions that split
the data in such a way that the
information gain is the highest
Note
Gain is the measure of
decrease in entropy after
splitting
How does a Decision Tree work?
𝑖=1
𝑘
𝑃(𝑣𝑎𝑙𝑢𝑒𝑖). 𝑙𝑜𝑔2(𝑃 𝑣𝑎𝑙𝑢𝑒𝑖
How does a Decision Tree work?
Formula for entropy
Let’s try to calculate the entropy
for the current dataset
How does a Decision Tree work?
total
3
2
1
2
8
How does a Decision Tree work?
𝑖=1
𝑘
𝑃(𝑣𝑎𝑙𝑢𝑒𝑖). 𝑙𝑜𝑔2(𝑃 𝑣𝑎𝑙𝑢𝑒𝑖
Let’s use the formula
How does a Decision Tree work?
𝑖=1
𝑘
𝑃(𝑣𝑎𝑙𝑢𝑒𝑖). 𝑙𝑜𝑔2(𝑃 𝑣𝑎𝑙𝑢𝑒𝑖
Let’s use the formula
Entropy = (
3
8
) 𝑙𝑜𝑔2(
3
8
) + (
2
8
) 𝑙𝑜𝑔2(
2
8
) + (
1
8
) 𝑙𝑜𝑔2(
1
8
)+(
2
8
) 𝑙𝑜𝑔2(
2
8
) Entropy=0.571
How does a Decision Tree work?
𝑖=1
𝑘
𝑃(𝑣𝑎𝑙𝑢𝑒𝑖). 𝑙𝑜𝑔2(𝑃 𝑣𝑎𝑙𝑢𝑒𝑖
Let’s use the formula
Entropy = (
3
8
) 𝑙𝑜𝑔2(
3
8
) + (
2
8
) 𝑙𝑜𝑔2(
2
8
) + (
1
8
) 𝑙𝑜𝑔2(
1
8
)+(
2
8
) 𝑙𝑜𝑔2(
2
8
) Entropy=0.571
We will calculate the entropy
of the dataset similarly after
every split to calculate the
gain
How does a Decision Tree work?
Gain can be calculated by
finding the difference of the
subsequent entropy values
after split
Now we will try to choose a
condition that gives us the
highest gain
How does a Decision Tree work?
Now we will try to choose a
condition that gives us the
highest gain
We will do that by splitting
the data using each condition
and checking the gain that
we get out them.
How does a Decision Tree work?
We will do that by splitting
the data using each condition
and checking the gain that
we get out them.
The condition that gives us
the highest gain will be used
to make the first split
How does a Decision Tree work?
Training Dataset
Color Height Label
grey
Yellow
brown
grey
Yellow
10
3
10
10
4
elephant
elephant
giraffe
Tiger
Monkey
How does a Decision Tree work?
Conditions
Color==Yellow?
Height>=10
Color== Brown?
Color==Grey
Diameter<10
Let’s say this condition gives us the
maximum gain
How does a Decision Tree work?
Conditions
Color==Yellow?
Height>=10
Color== Brown?
Color==Grey
Diameter<10
Training Dataset
Color Height Label
grey
Yellow
brown
grey
Yellow
10
3
10
10
4
elephant
elephant
giraffe
Tiger
Monkey
We split the data
How does a Decision Tree work?
Color == yellow?
True False
The entropy after splitting has
decreased considerably
How does a Decision Tree work?
Color == yellow?
True False
The entropy after splitting has
decreased considerablyhowever we still need
some splitting at both
the branches to attain an
entropy value equal to
zero
How does a Decision Tree work?
Color == yellow?
True False
So, we decide to split
both the nodes using
‘height’ as the condition
How does a Decision Tree work?
Color == yellow?
True False
Height>=10? Height<10?
True TrueFalse False
since every branch now contains
single label type, we can say that
the entropy in this case has
reached the least value
How does a Decision Tree work?
Color == yellow?
True False
Height>=10? Height<10?
True TrueFalse False
How does a Decision Tree work?
Color == yellow?
True False
Height>=10? Height<10?
True TrueFalse False
ThisTree can now predict all the
classes of animals present in the
dataset with 100% accuracy
How does a Decision Tree work?
Color == yellow?
True False
Height>=10? Height<10?
True TrueFalse False
ThisTree can now predict all the
classes of animals present in the
dataset with 100% accuracy
That was easy
Use Case – Loan Repayment Prediction
Use Case – Loan Repayment prediction
I need to find out if my customers are
going to return the loan they took
from my bank or not
Use Case – Problem Statement
Problem statement
To predict if a customer will repay loan
amount or not using DecisionTree
algorithm in python
Use Case – Implementation
#import the necessary packages
import numpy as np
import pandas as pd
from sklearn.cross_validation import train_test_split
from sklearn.tree import DecisionTreeClassifier
from sklearn.metrics import accuracy_score
from sklearn import tree
#Loading data file
balance_data =pd.read_csv('C:/Users/anirban.dey/Desktop/data_2.csv',
sep= ',', header= 0)
Use Case – Implementation
#import the necessary packages
print ("Dataset Lenght:: "), len(balance_data)
print ("Dataset Shape:: "), balance_data.shape
Use Case – Implementation
print ("Dataset:: ")
balance_data.head()
Use Case – Implementation
#Seperating the Target variable
X = balance_data.values[:, 1:5]
Y = balance_data.values[:,0]
#Spliting Dataset into Test and Train
X_train, X_test, y_train, y_test = train_test_split( X, Y, test_size = 0.3,
random_state = 100)
#Function to perform training with Entropy
clf_entropy = DecisionTreeClassifier(criterion = "entropy", random_state = 100,
max_depth=3, min_samples_leaf=5)
clf_entropy.fit(X_train, y_train)
Use Case – Implementation
#Function to make Predictions
y_pred_en = clf_entropy.predict(X_test)
y_pred_en
Use Case – Implementation
#Checking Accuracy
print ("Accuracy is "), accuracy_score(y_test,y_pred)*100
Use Case
So, we have created a model that uses
decision tree algorithm to predict
whether a customer will repay the loan
or not
Use Case
The Accuracy of the model is 94.6%
Use Case
The bank can use this model to decide
whether it should approve loan request
from a particular customer or not
Key takeaways
So what’s
your next step?

More Related Content

What's hot (20)

Decision Tree Algorithm | Decision Tree in Python | Machine Learning Algorith...
Decision Tree Algorithm | Decision Tree in Python | Machine Learning Algorith...Decision Tree Algorithm | Decision Tree in Python | Machine Learning Algorith...
Decision Tree Algorithm | Decision Tree in Python | Machine Learning Algorith...
Edureka!
 
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector Machines
nextlib
 
NAIVE BAYES CLASSIFIER
NAIVE BAYES CLASSIFIERNAIVE BAYES CLASSIFIER
NAIVE BAYES CLASSIFIER
Knoldus Inc.
 
Machine Learning Course | Edureka
Machine Learning Course | EdurekaMachine Learning Course | Edureka
Machine Learning Course | Edureka
Edureka!
 
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Simplilearn
 
Confusion Matrix Explained
Confusion Matrix ExplainedConfusion Matrix Explained
Confusion Matrix Explained
Stockholm University
 
K - Nearest neighbor ( KNN )
K - Nearest neighbor  ( KNN )K - Nearest neighbor  ( KNN )
K - Nearest neighbor ( KNN )
Mohammad Junaid Khan
 
Linear Regression Algorithm | Linear Regression in R | Data Science Training ...
Linear Regression Algorithm | Linear Regression in R | Data Science Training ...Linear Regression Algorithm | Linear Regression in R | Data Science Training ...
Linear Regression Algorithm | Linear Regression in R | Data Science Training ...
Edureka!
 
Data Science Training | Data Science For Beginners | Data Science With Python...
Data Science Training | Data Science For Beginners | Data Science With Python...Data Science Training | Data Science For Beginners | Data Science With Python...
Data Science Training | Data Science For Beginners | Data Science With Python...
Simplilearn
 
Random forest
Random forestRandom forest
Random forest
Ujjawal
 
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Simplilearn
 
K-Nearest Neighbor Classifier
K-Nearest Neighbor ClassifierK-Nearest Neighbor Classifier
K-Nearest Neighbor Classifier
Neha Kulkarni
 
CART – Classification & Regression Trees
CART – Classification & Regression TreesCART – Classification & Regression Trees
CART – Classification & Regression Trees
Hemant Chetwani
 
Data Science With Python | Python For Data Science | Python Data Science Cour...
Data Science With Python | Python For Data Science | Python Data Science Cour...Data Science With Python | Python For Data Science | Python Data Science Cour...
Data Science With Python | Python For Data Science | Python Data Science Cour...
Simplilearn
 
Decision Tree Algorithm & Analysis | Machine Learning Algorithm | Data Scienc...
Decision Tree Algorithm & Analysis | Machine Learning Algorithm | Data Scienc...Decision Tree Algorithm & Analysis | Machine Learning Algorithm | Data Scienc...
Decision Tree Algorithm & Analysis | Machine Learning Algorithm | Data Scienc...
Edureka!
 
Data Science - Part V - Decision Trees & Random Forests
Data Science - Part V - Decision Trees & Random Forests Data Science - Part V - Decision Trees & Random Forests
Data Science - Part V - Decision Trees & Random Forests
Derek Kane
 
Linear Regression vs Logistic Regression | Edureka
Linear Regression vs Logistic Regression | EdurekaLinear Regression vs Logistic Regression | Edureka
Linear Regression vs Logistic Regression | Edureka
Edureka!
 
Classification in data mining
Classification in data mining Classification in data mining
Classification in data mining
Sulman Ahmed
 
Data Science Introduction
Data Science IntroductionData Science Introduction
Data Science Introduction
Gang Tao
 
Machine Learning in 10 Minutes | What is Machine Learning? | Edureka
Machine Learning in 10 Minutes | What is Machine Learning? | EdurekaMachine Learning in 10 Minutes | What is Machine Learning? | Edureka
Machine Learning in 10 Minutes | What is Machine Learning? | Edureka
Edureka!
 
Decision Tree Algorithm | Decision Tree in Python | Machine Learning Algorith...
Decision Tree Algorithm | Decision Tree in Python | Machine Learning Algorith...Decision Tree Algorithm | Decision Tree in Python | Machine Learning Algorith...
Decision Tree Algorithm | Decision Tree in Python | Machine Learning Algorith...
Edureka!
 
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector Machines
nextlib
 
NAIVE BAYES CLASSIFIER
NAIVE BAYES CLASSIFIERNAIVE BAYES CLASSIFIER
NAIVE BAYES CLASSIFIER
Knoldus Inc.
 
Machine Learning Course | Edureka
Machine Learning Course | EdurekaMachine Learning Course | Edureka
Machine Learning Course | Edureka
Edureka!
 
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Simplilearn
 
Linear Regression Algorithm | Linear Regression in R | Data Science Training ...
Linear Regression Algorithm | Linear Regression in R | Data Science Training ...Linear Regression Algorithm | Linear Regression in R | Data Science Training ...
Linear Regression Algorithm | Linear Regression in R | Data Science Training ...
Edureka!
 
Data Science Training | Data Science For Beginners | Data Science With Python...
Data Science Training | Data Science For Beginners | Data Science With Python...Data Science Training | Data Science For Beginners | Data Science With Python...
Data Science Training | Data Science For Beginners | Data Science With Python...
Simplilearn
 
Random forest
Random forestRandom forest
Random forest
Ujjawal
 
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Simplilearn
 
K-Nearest Neighbor Classifier
K-Nearest Neighbor ClassifierK-Nearest Neighbor Classifier
K-Nearest Neighbor Classifier
Neha Kulkarni
 
CART – Classification & Regression Trees
CART – Classification & Regression TreesCART – Classification & Regression Trees
CART – Classification & Regression Trees
Hemant Chetwani
 
Data Science With Python | Python For Data Science | Python Data Science Cour...
Data Science With Python | Python For Data Science | Python Data Science Cour...Data Science With Python | Python For Data Science | Python Data Science Cour...
Data Science With Python | Python For Data Science | Python Data Science Cour...
Simplilearn
 
Decision Tree Algorithm & Analysis | Machine Learning Algorithm | Data Scienc...
Decision Tree Algorithm & Analysis | Machine Learning Algorithm | Data Scienc...Decision Tree Algorithm & Analysis | Machine Learning Algorithm | Data Scienc...
Decision Tree Algorithm & Analysis | Machine Learning Algorithm | Data Scienc...
Edureka!
 
Data Science - Part V - Decision Trees & Random Forests
Data Science - Part V - Decision Trees & Random Forests Data Science - Part V - Decision Trees & Random Forests
Data Science - Part V - Decision Trees & Random Forests
Derek Kane
 
Linear Regression vs Logistic Regression | Edureka
Linear Regression vs Logistic Regression | EdurekaLinear Regression vs Logistic Regression | Edureka
Linear Regression vs Logistic Regression | Edureka
Edureka!
 
Classification in data mining
Classification in data mining Classification in data mining
Classification in data mining
Sulman Ahmed
 
Data Science Introduction
Data Science IntroductionData Science Introduction
Data Science Introduction
Gang Tao
 
Machine Learning in 10 Minutes | What is Machine Learning? | Edureka
Machine Learning in 10 Minutes | What is Machine Learning? | EdurekaMachine Learning in 10 Minutes | What is Machine Learning? | Edureka
Machine Learning in 10 Minutes | What is Machine Learning? | Edureka
Edureka!
 

Similar to Decision Tree Algorithm With Example | Decision Tree In Machine Learning | Data Science |Simplilearn (20)

Decision Tree-ID3,C4.5,CART,Regression Tree
Decision Tree-ID3,C4.5,CART,Regression TreeDecision Tree-ID3,C4.5,CART,Regression Tree
Decision Tree-ID3,C4.5,CART,Regression Tree
Global Academy of Technology
 
supervised machine learning algorithms support vector machine
supervised machine learning algorithms support vector machinesupervised machine learning algorithms support vector machine
supervised machine learning algorithms support vector machine
pranalisonawane8600
 
Classification Using Decision Trees and RulesChapter 5.docx
Classification Using Decision Trees and RulesChapter 5.docxClassification Using Decision Trees and RulesChapter 5.docx
Classification Using Decision Trees and RulesChapter 5.docx
monicafrancis71118
 
Lect9 Decision tree
Lect9 Decision treeLect9 Decision tree
Lect9 Decision tree
hktripathy
 
A Survey Ondecision Tree Learning Algorithms for Knowledge Discovery
A Survey Ondecision Tree Learning Algorithms for Knowledge DiscoveryA Survey Ondecision Tree Learning Algorithms for Knowledge Discovery
A Survey Ondecision Tree Learning Algorithms for Knowledge Discovery
IJERA Editor
 
Slide3.ppt
Slide3.pptSlide3.ppt
Slide3.ppt
butest
 
Machine Learning Unit-5 Decesion Trees & Random Forest.pdf
Machine Learning Unit-5 Decesion Trees & Random Forest.pdfMachine Learning Unit-5 Decesion Trees & Random Forest.pdf
Machine Learning Unit-5 Decesion Trees & Random Forest.pdf
AdityaSoraut
 
Decision Tree Machine Learning Detailed Explanation.
Decision Tree Machine Learning Detailed Explanation.Decision Tree Machine Learning Detailed Explanation.
Decision Tree Machine Learning Detailed Explanation.
DrezzingGaming
 
Decision Tree In R | Decision Tree Algorithm | Data Science Tutorial | Machin...
Decision Tree In R | Decision Tree Algorithm | Data Science Tutorial | Machin...Decision Tree In R | Decision Tree Algorithm | Data Science Tutorial | Machin...
Decision Tree In R | Decision Tree Algorithm | Data Science Tutorial | Machin...
Simplilearn
 
Decision Trees
Decision TreesDecision Trees
Decision Trees
Student
 
Machine learning and decision trees
Machine learning and decision treesMachine learning and decision trees
Machine learning and decision trees
Padma Metta
 
7 decision tree
7 decision tree7 decision tree
7 decision tree
tafosepsdfasg
 
CSA 3702 machine learning module 2
CSA 3702 machine learning module 2CSA 3702 machine learning module 2
CSA 3702 machine learning module 2
Nandhini S
 
Data Science-entropy machine learning.pptx
Data Science-entropy machine learning.pptxData Science-entropy machine learning.pptx
Data Science-entropy machine learning.pptx
ZainabShahzad9
 
decision tree and random forest in AIML for CSE
decision tree and random forest in AIML for CSEdecision tree and random forest in AIML for CSE
decision tree and random forest in AIML for CSE
premkumar1891
 
Decision tree and random forest
Decision tree and random forestDecision tree and random forest
Decision tree and random forest
Lippo Group Digital
 
Module 5: Decision Trees
Module 5: Decision TreesModule 5: Decision Trees
Module 5: Decision Trees
Sara Hooker
 
Aiml ajsjdjcjcjcjfjfjModule4_Pashrt1-1.pdf
Aiml ajsjdjcjcjcjfjfjModule4_Pashrt1-1.pdfAiml ajsjdjcjcjcjfjfjModule4_Pashrt1-1.pdf
Aiml ajsjdjcjcjcjfjfjModule4_Pashrt1-1.pdf
CHIRAGGOWDA41
 
Understanding Decision Trees in Machine Learning: A Comprehensive Guide
Understanding Decision Trees in Machine Learning: A Comprehensive GuideUnderstanding Decision Trees in Machine Learning: A Comprehensive Guide
Understanding Decision Trees in Machine Learning: A Comprehensive Guide
CyberPro Magazine
 
classification in data warehouse and mining
classification in data warehouse and miningclassification in data warehouse and mining
classification in data warehouse and mining
anjanasharma77573
 
supervised machine learning algorithms support vector machine
supervised machine learning algorithms support vector machinesupervised machine learning algorithms support vector machine
supervised machine learning algorithms support vector machine
pranalisonawane8600
 
Classification Using Decision Trees and RulesChapter 5.docx
Classification Using Decision Trees and RulesChapter 5.docxClassification Using Decision Trees and RulesChapter 5.docx
Classification Using Decision Trees and RulesChapter 5.docx
monicafrancis71118
 
Lect9 Decision tree
Lect9 Decision treeLect9 Decision tree
Lect9 Decision tree
hktripathy
 
A Survey Ondecision Tree Learning Algorithms for Knowledge Discovery
A Survey Ondecision Tree Learning Algorithms for Knowledge DiscoveryA Survey Ondecision Tree Learning Algorithms for Knowledge Discovery
A Survey Ondecision Tree Learning Algorithms for Knowledge Discovery
IJERA Editor
 
Slide3.ppt
Slide3.pptSlide3.ppt
Slide3.ppt
butest
 
Machine Learning Unit-5 Decesion Trees & Random Forest.pdf
Machine Learning Unit-5 Decesion Trees & Random Forest.pdfMachine Learning Unit-5 Decesion Trees & Random Forest.pdf
Machine Learning Unit-5 Decesion Trees & Random Forest.pdf
AdityaSoraut
 
Decision Tree Machine Learning Detailed Explanation.
Decision Tree Machine Learning Detailed Explanation.Decision Tree Machine Learning Detailed Explanation.
Decision Tree Machine Learning Detailed Explanation.
DrezzingGaming
 
Decision Tree In R | Decision Tree Algorithm | Data Science Tutorial | Machin...
Decision Tree In R | Decision Tree Algorithm | Data Science Tutorial | Machin...Decision Tree In R | Decision Tree Algorithm | Data Science Tutorial | Machin...
Decision Tree In R | Decision Tree Algorithm | Data Science Tutorial | Machin...
Simplilearn
 
Decision Trees
Decision TreesDecision Trees
Decision Trees
Student
 
Machine learning and decision trees
Machine learning and decision treesMachine learning and decision trees
Machine learning and decision trees
Padma Metta
 
CSA 3702 machine learning module 2
CSA 3702 machine learning module 2CSA 3702 machine learning module 2
CSA 3702 machine learning module 2
Nandhini S
 
Data Science-entropy machine learning.pptx
Data Science-entropy machine learning.pptxData Science-entropy machine learning.pptx
Data Science-entropy machine learning.pptx
ZainabShahzad9
 
decision tree and random forest in AIML for CSE
decision tree and random forest in AIML for CSEdecision tree and random forest in AIML for CSE
decision tree and random forest in AIML for CSE
premkumar1891
 
Module 5: Decision Trees
Module 5: Decision TreesModule 5: Decision Trees
Module 5: Decision Trees
Sara Hooker
 
Aiml ajsjdjcjcjcjfjfjModule4_Pashrt1-1.pdf
Aiml ajsjdjcjcjcjfjfjModule4_Pashrt1-1.pdfAiml ajsjdjcjcjcjfjfjModule4_Pashrt1-1.pdf
Aiml ajsjdjcjcjcjfjfjModule4_Pashrt1-1.pdf
CHIRAGGOWDA41
 
Understanding Decision Trees in Machine Learning: A Comprehensive Guide
Understanding Decision Trees in Machine Learning: A Comprehensive GuideUnderstanding Decision Trees in Machine Learning: A Comprehensive Guide
Understanding Decision Trees in Machine Learning: A Comprehensive Guide
CyberPro Magazine
 
classification in data warehouse and mining
classification in data warehouse and miningclassification in data warehouse and mining
classification in data warehouse and mining
anjanasharma77573
 
Ad

More from Simplilearn (20)

Top 50 Scrum Master Interview Questions | Scrum Master Interview Questions & ...
Top 50 Scrum Master Interview Questions | Scrum Master Interview Questions & ...Top 50 Scrum Master Interview Questions | Scrum Master Interview Questions & ...
Top 50 Scrum Master Interview Questions | Scrum Master Interview Questions & ...
Simplilearn
 
Bagging Vs Boosting In Machine Learning | Ensemble Learning In Machine Learni...
Bagging Vs Boosting In Machine Learning | Ensemble Learning In Machine Learni...Bagging Vs Boosting In Machine Learning | Ensemble Learning In Machine Learni...
Bagging Vs Boosting In Machine Learning | Ensemble Learning In Machine Learni...
Simplilearn
 
Future Of Social Media | Social Media Trends and Strategies 2025 | Instagram ...
Future Of Social Media | Social Media Trends and Strategies 2025 | Instagram ...Future Of Social Media | Social Media Trends and Strategies 2025 | Instagram ...
Future Of Social Media | Social Media Trends and Strategies 2025 | Instagram ...
Simplilearn
 
SQL Query Optimization | SQL Query Optimization Techniques | SQL Basics | SQL...
SQL Query Optimization | SQL Query Optimization Techniques | SQL Basics | SQL...SQL Query Optimization | SQL Query Optimization Techniques | SQL Basics | SQL...
SQL Query Optimization | SQL Query Optimization Techniques | SQL Basics | SQL...
Simplilearn
 
SQL INterview Questions .pTop 45 SQL Interview Questions And Answers In 2025 ...
SQL INterview Questions .pTop 45 SQL Interview Questions And Answers In 2025 ...SQL INterview Questions .pTop 45 SQL Interview Questions And Answers In 2025 ...
SQL INterview Questions .pTop 45 SQL Interview Questions And Answers In 2025 ...
Simplilearn
 
How To Start Influencer Marketing Business | Influencer Marketing For Beginne...
How To Start Influencer Marketing Business | Influencer Marketing For Beginne...How To Start Influencer Marketing Business | Influencer Marketing For Beginne...
How To Start Influencer Marketing Business | Influencer Marketing For Beginne...
Simplilearn
 
Cyber Security Roadmap 2025 | How To Become Cyber Security Engineer In 2025 |...
Cyber Security Roadmap 2025 | How To Become Cyber Security Engineer In 2025 |...Cyber Security Roadmap 2025 | How To Become Cyber Security Engineer In 2025 |...
Cyber Security Roadmap 2025 | How To Become Cyber Security Engineer In 2025 |...
Simplilearn
 
How To Become An AI And ML Engineer In 2025 | AI Engineer Roadmap | AI ML Car...
How To Become An AI And ML Engineer In 2025 | AI Engineer Roadmap | AI ML Car...How To Become An AI And ML Engineer In 2025 | AI Engineer Roadmap | AI ML Car...
How To Become An AI And ML Engineer In 2025 | AI Engineer Roadmap | AI ML Car...
Simplilearn
 
What Is GitHub Copilot? | How To Use GitHub Copilot? | How does GitHub Copilo...
What Is GitHub Copilot? | How To Use GitHub Copilot? | How does GitHub Copilo...What Is GitHub Copilot? | How To Use GitHub Copilot? | How does GitHub Copilo...
What Is GitHub Copilot? | How To Use GitHub Copilot? | How does GitHub Copilo...
Simplilearn
 
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Simplilearn
 
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Simplilearn
 
Top 7 High Paying AI Certifications Courses For 2025 | Best AI Certifications...
Top 7 High Paying AI Certifications Courses For 2025 | Best AI Certifications...Top 7 High Paying AI Certifications Courses For 2025 | Best AI Certifications...
Top 7 High Paying AI Certifications Courses For 2025 | Best AI Certifications...
Simplilearn
 
Data Cleaning In Data Mining | Step by Step Data Cleaning Process | Data Clea...
Data Cleaning In Data Mining | Step by Step Data Cleaning Process | Data Clea...Data Cleaning In Data Mining | Step by Step Data Cleaning Process | Data Clea...
Data Cleaning In Data Mining | Step by Step Data Cleaning Process | Data Clea...
Simplilearn
 
Top 10 Data Analyst Projects For 2025 | Data Analyst Projects | Data Analysis...
Top 10 Data Analyst Projects For 2025 | Data Analyst Projects | Data Analysis...Top 10 Data Analyst Projects For 2025 | Data Analyst Projects | Data Analysis...
Top 10 Data Analyst Projects For 2025 | Data Analyst Projects | Data Analysis...
Simplilearn
 
AI Engineer Roadmap 2025 | AI Engineer Roadmap For Beginners | AI Engineer Ca...
AI Engineer Roadmap 2025 | AI Engineer Roadmap For Beginners | AI Engineer Ca...AI Engineer Roadmap 2025 | AI Engineer Roadmap For Beginners | AI Engineer Ca...
AI Engineer Roadmap 2025 | AI Engineer Roadmap For Beginners | AI Engineer Ca...
Simplilearn
 
Machine Learning Roadmap 2025 | Machine Learning Engineer Roadmap For Beginne...
Machine Learning Roadmap 2025 | Machine Learning Engineer Roadmap For Beginne...Machine Learning Roadmap 2025 | Machine Learning Engineer Roadmap For Beginne...
Machine Learning Roadmap 2025 | Machine Learning Engineer Roadmap For Beginne...
Simplilearn
 
Kotter's 8-Step Change Model Explained | Kotter's Change Management Model | S...
Kotter's 8-Step Change Model Explained | Kotter's Change Management Model | S...Kotter's 8-Step Change Model Explained | Kotter's Change Management Model | S...
Kotter's 8-Step Change Model Explained | Kotter's Change Management Model | S...
Simplilearn
 
Gen AI Engineer Roadmap For 2025 | How To Become Gen AI Engineer In 2025 | Si...
Gen AI Engineer Roadmap For 2025 | How To Become Gen AI Engineer In 2025 | Si...Gen AI Engineer Roadmap For 2025 | How To Become Gen AI Engineer In 2025 | Si...
Gen AI Engineer Roadmap For 2025 | How To Become Gen AI Engineer In 2025 | Si...
Simplilearn
 
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Simplilearn
 
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Simplilearn
 
Top 50 Scrum Master Interview Questions | Scrum Master Interview Questions & ...
Top 50 Scrum Master Interview Questions | Scrum Master Interview Questions & ...Top 50 Scrum Master Interview Questions | Scrum Master Interview Questions & ...
Top 50 Scrum Master Interview Questions | Scrum Master Interview Questions & ...
Simplilearn
 
Bagging Vs Boosting In Machine Learning | Ensemble Learning In Machine Learni...
Bagging Vs Boosting In Machine Learning | Ensemble Learning In Machine Learni...Bagging Vs Boosting In Machine Learning | Ensemble Learning In Machine Learni...
Bagging Vs Boosting In Machine Learning | Ensemble Learning In Machine Learni...
Simplilearn
 
Future Of Social Media | Social Media Trends and Strategies 2025 | Instagram ...
Future Of Social Media | Social Media Trends and Strategies 2025 | Instagram ...Future Of Social Media | Social Media Trends and Strategies 2025 | Instagram ...
Future Of Social Media | Social Media Trends and Strategies 2025 | Instagram ...
Simplilearn
 
SQL Query Optimization | SQL Query Optimization Techniques | SQL Basics | SQL...
SQL Query Optimization | SQL Query Optimization Techniques | SQL Basics | SQL...SQL Query Optimization | SQL Query Optimization Techniques | SQL Basics | SQL...
SQL Query Optimization | SQL Query Optimization Techniques | SQL Basics | SQL...
Simplilearn
 
SQL INterview Questions .pTop 45 SQL Interview Questions And Answers In 2025 ...
SQL INterview Questions .pTop 45 SQL Interview Questions And Answers In 2025 ...SQL INterview Questions .pTop 45 SQL Interview Questions And Answers In 2025 ...
SQL INterview Questions .pTop 45 SQL Interview Questions And Answers In 2025 ...
Simplilearn
 
How To Start Influencer Marketing Business | Influencer Marketing For Beginne...
How To Start Influencer Marketing Business | Influencer Marketing For Beginne...How To Start Influencer Marketing Business | Influencer Marketing For Beginne...
How To Start Influencer Marketing Business | Influencer Marketing For Beginne...
Simplilearn
 
Cyber Security Roadmap 2025 | How To Become Cyber Security Engineer In 2025 |...
Cyber Security Roadmap 2025 | How To Become Cyber Security Engineer In 2025 |...Cyber Security Roadmap 2025 | How To Become Cyber Security Engineer In 2025 |...
Cyber Security Roadmap 2025 | How To Become Cyber Security Engineer In 2025 |...
Simplilearn
 
How To Become An AI And ML Engineer In 2025 | AI Engineer Roadmap | AI ML Car...
How To Become An AI And ML Engineer In 2025 | AI Engineer Roadmap | AI ML Car...How To Become An AI And ML Engineer In 2025 | AI Engineer Roadmap | AI ML Car...
How To Become An AI And ML Engineer In 2025 | AI Engineer Roadmap | AI ML Car...
Simplilearn
 
What Is GitHub Copilot? | How To Use GitHub Copilot? | How does GitHub Copilo...
What Is GitHub Copilot? | How To Use GitHub Copilot? | How does GitHub Copilo...What Is GitHub Copilot? | How To Use GitHub Copilot? | How does GitHub Copilo...
What Is GitHub Copilot? | How To Use GitHub Copilot? | How does GitHub Copilo...
Simplilearn
 
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Simplilearn
 
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Simplilearn
 
Top 7 High Paying AI Certifications Courses For 2025 | Best AI Certifications...
Top 7 High Paying AI Certifications Courses For 2025 | Best AI Certifications...Top 7 High Paying AI Certifications Courses For 2025 | Best AI Certifications...
Top 7 High Paying AI Certifications Courses For 2025 | Best AI Certifications...
Simplilearn
 
Data Cleaning In Data Mining | Step by Step Data Cleaning Process | Data Clea...
Data Cleaning In Data Mining | Step by Step Data Cleaning Process | Data Clea...Data Cleaning In Data Mining | Step by Step Data Cleaning Process | Data Clea...
Data Cleaning In Data Mining | Step by Step Data Cleaning Process | Data Clea...
Simplilearn
 
Top 10 Data Analyst Projects For 2025 | Data Analyst Projects | Data Analysis...
Top 10 Data Analyst Projects For 2025 | Data Analyst Projects | Data Analysis...Top 10 Data Analyst Projects For 2025 | Data Analyst Projects | Data Analysis...
Top 10 Data Analyst Projects For 2025 | Data Analyst Projects | Data Analysis...
Simplilearn
 
AI Engineer Roadmap 2025 | AI Engineer Roadmap For Beginners | AI Engineer Ca...
AI Engineer Roadmap 2025 | AI Engineer Roadmap For Beginners | AI Engineer Ca...AI Engineer Roadmap 2025 | AI Engineer Roadmap For Beginners | AI Engineer Ca...
AI Engineer Roadmap 2025 | AI Engineer Roadmap For Beginners | AI Engineer Ca...
Simplilearn
 
Machine Learning Roadmap 2025 | Machine Learning Engineer Roadmap For Beginne...
Machine Learning Roadmap 2025 | Machine Learning Engineer Roadmap For Beginne...Machine Learning Roadmap 2025 | Machine Learning Engineer Roadmap For Beginne...
Machine Learning Roadmap 2025 | Machine Learning Engineer Roadmap For Beginne...
Simplilearn
 
Kotter's 8-Step Change Model Explained | Kotter's Change Management Model | S...
Kotter's 8-Step Change Model Explained | Kotter's Change Management Model | S...Kotter's 8-Step Change Model Explained | Kotter's Change Management Model | S...
Kotter's 8-Step Change Model Explained | Kotter's Change Management Model | S...
Simplilearn
 
Gen AI Engineer Roadmap For 2025 | How To Become Gen AI Engineer In 2025 | Si...
Gen AI Engineer Roadmap For 2025 | How To Become Gen AI Engineer In 2025 | Si...Gen AI Engineer Roadmap For 2025 | How To Become Gen AI Engineer In 2025 | Si...
Gen AI Engineer Roadmap For 2025 | How To Become Gen AI Engineer In 2025 | Si...
Simplilearn
 
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Top 10 Data Analyst Certification For 2025 | Best Data Analyst Certification ...
Simplilearn
 
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Complete Data Science Roadmap For 2025 | Data Scientist Roadmap For Beginners...
Simplilearn
 
Ad

Recently uploaded (20)

"Dictyoptera: The Order of Cockroaches and Mantises" Or, more specifically: ...
"Dictyoptera: The Order of Cockroaches and Mantises"  Or, more specifically: ..."Dictyoptera: The Order of Cockroaches and Mantises"  Or, more specifically: ...
"Dictyoptera: The Order of Cockroaches and Mantises" Or, more specifically: ...
Arshad Shaikh
 
Swachata Quiz - Prelims - 01.10.24 - Quiz Club IIT Patna
Swachata Quiz - Prelims - 01.10.24 - Quiz Club IIT PatnaSwachata Quiz - Prelims - 01.10.24 - Quiz Club IIT Patna
Swachata Quiz - Prelims - 01.10.24 - Quiz Club IIT Patna
Quiz Club, Indian Institute of Technology, Patna
 
Introduction to Online CME for Nurse Practitioners.pdf
Introduction to Online CME for Nurse Practitioners.pdfIntroduction to Online CME for Nurse Practitioners.pdf
Introduction to Online CME for Nurse Practitioners.pdf
CME4Life
 
How to Setup Renewal of Subscription in Odoo 18
How to Setup Renewal of Subscription in Odoo 18How to Setup Renewal of Subscription in Odoo 18
How to Setup Renewal of Subscription in Odoo 18
Celine George
 
CBSE - Grade 11 - Mathematics - Ch 2 - Relations And Functions - Notes (PDF F...
CBSE - Grade 11 - Mathematics - Ch 2 - Relations And Functions - Notes (PDF F...CBSE - Grade 11 - Mathematics - Ch 2 - Relations And Functions - Notes (PDF F...
CBSE - Grade 11 - Mathematics - Ch 2 - Relations And Functions - Notes (PDF F...
Sritoma Majumder
 
Exploring Identity Through Colombian Companies
Exploring Identity Through Colombian CompaniesExploring Identity Through Colombian Companies
Exploring Identity Through Colombian Companies
OlgaLeonorTorresSnch
 
How to Setup Lunch in Odoo 18 - Odoo guides
How to Setup Lunch in Odoo 18 - Odoo guidesHow to Setup Lunch in Odoo 18 - Odoo guides
How to Setup Lunch in Odoo 18 - Odoo guides
Celine George
 
Critical Thinking and Bias with Jibi Moses
Critical Thinking and Bias with Jibi MosesCritical Thinking and Bias with Jibi Moses
Critical Thinking and Bias with Jibi Moses
Excellence Foundation for South Sudan
 
"Orthoptera: Grasshoppers, Crickets, and Katydids pptx
"Orthoptera: Grasshoppers, Crickets, and Katydids pptx"Orthoptera: Grasshoppers, Crickets, and Katydids pptx
"Orthoptera: Grasshoppers, Crickets, and Katydids pptx
Arshad Shaikh
 
How to Manage Orders in Odoo 18 Lunch - Odoo Slides
How to Manage Orders in Odoo 18 Lunch - Odoo SlidesHow to Manage Orders in Odoo 18 Lunch - Odoo Slides
How to Manage Orders in Odoo 18 Lunch - Odoo Slides
Celine George
 
SEM II 3202 STRUCTURAL MECHANICS, B ARCH, REGULATION 2021, ANNA UNIVERSITY, R...
SEM II 3202 STRUCTURAL MECHANICS, B ARCH, REGULATION 2021, ANNA UNIVERSITY, R...SEM II 3202 STRUCTURAL MECHANICS, B ARCH, REGULATION 2021, ANNA UNIVERSITY, R...
SEM II 3202 STRUCTURAL MECHANICS, B ARCH, REGULATION 2021, ANNA UNIVERSITY, R...
RVSPSOA
 
Search Engine Optimization (SEO) for Website Success
Search Engine Optimization (SEO) for Website SuccessSearch Engine Optimization (SEO) for Website Success
Search Engine Optimization (SEO) for Website Success
Muneeb Rana
 
Writing Research Papers: Guidance for Research Community
Writing Research Papers: Guidance for Research CommunityWriting Research Papers: Guidance for Research Community
Writing Research Papers: Guidance for Research Community
Rishi Bankim Chandra Evening College, Naihati, North 24 Parganas, West Bengal, India
 
LET´S PRACTICE GRAMMAR USING SIMPLE PAST TENSE
LET´S PRACTICE GRAMMAR USING SIMPLE PAST TENSELET´S PRACTICE GRAMMAR USING SIMPLE PAST TENSE
LET´S PRACTICE GRAMMAR USING SIMPLE PAST TENSE
OlgaLeonorTorresSnch
 
STUDENT LOAN TRUST FUND DEFAULTERS GHANA
STUDENT LOAN TRUST FUND DEFAULTERS GHANASTUDENT LOAN TRUST FUND DEFAULTERS GHANA
STUDENT LOAN TRUST FUND DEFAULTERS GHANA
Kweku Zurek
 
Cloud Computing ..PPT ( Faizan ALTAF )..
Cloud Computing ..PPT ( Faizan ALTAF )..Cloud Computing ..PPT ( Faizan ALTAF )..
Cloud Computing ..PPT ( Faizan ALTAF )..
faizanaltaf231
 
A Brief Introduction About Jack Lutkus
A Brief Introduction About  Jack  LutkusA Brief Introduction About  Jack  Lutkus
A Brief Introduction About Jack Lutkus
Jack Lutkus
 
Stewart Butler - OECD - How to design and deliver higher technical education ...
Stewart Butler - OECD - How to design and deliver higher technical education ...Stewart Butler - OECD - How to design and deliver higher technical education ...
Stewart Butler - OECD - How to design and deliver higher technical education ...
EduSkills OECD
 
Odoo 18 Point of Sale PWA - Odoo Slides
Odoo 18 Point of Sale PWA  - Odoo  SlidesOdoo 18 Point of Sale PWA  - Odoo  Slides
Odoo 18 Point of Sale PWA - Odoo Slides
Celine George
 
Pragya Champion's Chalice 2025 Set , General Quiz
Pragya Champion's Chalice 2025 Set , General QuizPragya Champion's Chalice 2025 Set , General Quiz
Pragya Champion's Chalice 2025 Set , General Quiz
Pragya - UEM Kolkata Quiz Club
 
"Dictyoptera: The Order of Cockroaches and Mantises" Or, more specifically: ...
"Dictyoptera: The Order of Cockroaches and Mantises"  Or, more specifically: ..."Dictyoptera: The Order of Cockroaches and Mantises"  Or, more specifically: ...
"Dictyoptera: The Order of Cockroaches and Mantises" Or, more specifically: ...
Arshad Shaikh
 
Introduction to Online CME for Nurse Practitioners.pdf
Introduction to Online CME for Nurse Practitioners.pdfIntroduction to Online CME for Nurse Practitioners.pdf
Introduction to Online CME for Nurse Practitioners.pdf
CME4Life
 
How to Setup Renewal of Subscription in Odoo 18
How to Setup Renewal of Subscription in Odoo 18How to Setup Renewal of Subscription in Odoo 18
How to Setup Renewal of Subscription in Odoo 18
Celine George
 
CBSE - Grade 11 - Mathematics - Ch 2 - Relations And Functions - Notes (PDF F...
CBSE - Grade 11 - Mathematics - Ch 2 - Relations And Functions - Notes (PDF F...CBSE - Grade 11 - Mathematics - Ch 2 - Relations And Functions - Notes (PDF F...
CBSE - Grade 11 - Mathematics - Ch 2 - Relations And Functions - Notes (PDF F...
Sritoma Majumder
 
Exploring Identity Through Colombian Companies
Exploring Identity Through Colombian CompaniesExploring Identity Through Colombian Companies
Exploring Identity Through Colombian Companies
OlgaLeonorTorresSnch
 
How to Setup Lunch in Odoo 18 - Odoo guides
How to Setup Lunch in Odoo 18 - Odoo guidesHow to Setup Lunch in Odoo 18 - Odoo guides
How to Setup Lunch in Odoo 18 - Odoo guides
Celine George
 
"Orthoptera: Grasshoppers, Crickets, and Katydids pptx
"Orthoptera: Grasshoppers, Crickets, and Katydids pptx"Orthoptera: Grasshoppers, Crickets, and Katydids pptx
"Orthoptera: Grasshoppers, Crickets, and Katydids pptx
Arshad Shaikh
 
How to Manage Orders in Odoo 18 Lunch - Odoo Slides
How to Manage Orders in Odoo 18 Lunch - Odoo SlidesHow to Manage Orders in Odoo 18 Lunch - Odoo Slides
How to Manage Orders in Odoo 18 Lunch - Odoo Slides
Celine George
 
SEM II 3202 STRUCTURAL MECHANICS, B ARCH, REGULATION 2021, ANNA UNIVERSITY, R...
SEM II 3202 STRUCTURAL MECHANICS, B ARCH, REGULATION 2021, ANNA UNIVERSITY, R...SEM II 3202 STRUCTURAL MECHANICS, B ARCH, REGULATION 2021, ANNA UNIVERSITY, R...
SEM II 3202 STRUCTURAL MECHANICS, B ARCH, REGULATION 2021, ANNA UNIVERSITY, R...
RVSPSOA
 
Search Engine Optimization (SEO) for Website Success
Search Engine Optimization (SEO) for Website SuccessSearch Engine Optimization (SEO) for Website Success
Search Engine Optimization (SEO) for Website Success
Muneeb Rana
 
LET´S PRACTICE GRAMMAR USING SIMPLE PAST TENSE
LET´S PRACTICE GRAMMAR USING SIMPLE PAST TENSELET´S PRACTICE GRAMMAR USING SIMPLE PAST TENSE
LET´S PRACTICE GRAMMAR USING SIMPLE PAST TENSE
OlgaLeonorTorresSnch
 
STUDENT LOAN TRUST FUND DEFAULTERS GHANA
STUDENT LOAN TRUST FUND DEFAULTERS GHANASTUDENT LOAN TRUST FUND DEFAULTERS GHANA
STUDENT LOAN TRUST FUND DEFAULTERS GHANA
Kweku Zurek
 
Cloud Computing ..PPT ( Faizan ALTAF )..
Cloud Computing ..PPT ( Faizan ALTAF )..Cloud Computing ..PPT ( Faizan ALTAF )..
Cloud Computing ..PPT ( Faizan ALTAF )..
faizanaltaf231
 
A Brief Introduction About Jack Lutkus
A Brief Introduction About  Jack  LutkusA Brief Introduction About  Jack  Lutkus
A Brief Introduction About Jack Lutkus
Jack Lutkus
 
Stewart Butler - OECD - How to design and deliver higher technical education ...
Stewart Butler - OECD - How to design and deliver higher technical education ...Stewart Butler - OECD - How to design and deliver higher technical education ...
Stewart Butler - OECD - How to design and deliver higher technical education ...
EduSkills OECD
 
Odoo 18 Point of Sale PWA - Odoo Slides
Odoo 18 Point of Sale PWA  - Odoo  SlidesOdoo 18 Point of Sale PWA  - Odoo  Slides
Odoo 18 Point of Sale PWA - Odoo Slides
Celine George
 

Decision Tree Algorithm With Example | Decision Tree In Machine Learning | Data Science |Simplilearn

  • 3. Decision Tree Tutorial I think I have to buy a car
  • 4. Decision Tree Tutorial How do I decide which one to buy?
  • 5. Decision Tree Tutorial Is mileage > 20? Is Price < 15 Lakhs? Will it be sufficient for 6 people? Number of airbags = 4 Anti-lock brakes?
  • 7. What’s in it for you? What is Machine Learning? What is Decision Tree? Problems in Machine Learning What are the problems a Decision Tree solves? Advantages of Decision Tree Disadvantages of Decision Tree How does Decision Tree work? Use Case – Loan repayment prediction Types of Machine Learning
  • 8. What is Machine Learning?
  • 9. What is Machine Learning? I wish I was smarter
  • 10. What is Machine Learning? I wish I was smarter
  • 11. What is Machine Learning? Artificial Intelligence
  • 12. What is Machine Learning? Artificial Intelligence
  • 13. What is Machine Learning? I can think in newer ways now
  • 14. What is Machine Learning? Learn Analyze Decide Remember Machine Learning Recognize Predict
  • 15. What is Machine Learning? Machine Learning is an application of Artificial Intelligence wherein the system gets the ability to automatically learn and improve based on experience Ordinary system
  • 16. What is Machine Learning? Machine Learning is an application of Artificial Intelligence wherein the system gets the ability to automatically learn and improve based on experience Ordinary system With Artificial Intelligence
  • 17. What is Machine Learning? Machine Learning is an application of Artificial Intelligence wherein the system gets the ability to automatically learn and improve based on experience Ordinary system Ability to learn and improve on its own
  • 18. What is Machine Learning? Machine Learning is an application of Artificial Intelligence wherein the system gets the ability to automatically learn and improve based on experience Ordinary system Ability to learn and improve on its own Machine Learning
  • 19. Types of Machine Learning
  • 20. Types of Machine Learning Supervised Learning
  • 21. Types of Machine Learning Supervised Learning Unsupervised Learning
  • 22. Types of Machine Learning Supervised Learning Unsupervised Learning Reinforcement Learning
  • 23. Problems in Machine Learning?
  • 24. Problems in Machine Learning Classification Problems with categorical solutions like ‘Yes’ or ‘No’, ‘True’ or ‘False’,’1’ or ‘0’
  • 25. Problems in Machine Learning Classification Regression Problems with categorical solutions like ‘Yes’ or ‘No’, ‘True’ or ‘False’,’1’ or ‘0’ Problems wherein continuous value needs to be predicted like ‘Product Prices’, ‘Profit’
  • 26. Problems in Machine Learning Classification Problems with categorical solutions like ‘Yes’ or ‘No’, ‘True’ or ‘False’,’1’ or ‘0’ Regression Clustering Problems wherein continuous value needs to be predicted like ‘Product Prices’, ‘Profit’ Problems wherein the data needs to be organized to find specific patterns like in the case of ‘Product Recommendation’
  • 27. Problems in Machine Learning Regression Clustering Problems wherein continuous value needs to be predicted like ‘Product Prices’, ‘Profit’ Problems wherein the data needs to be organized to find specific patterns like in the case of ‘Product Recommendation’ Classification Problems with categorical solutions like ‘Yes’ or ‘No’, ‘True’ or ‘False’,’1’ or ‘0’
  • 28. Problems in Machine Learning Classification Problems with categorical solutions like ‘Yes’ or ‘No’, ‘True’ or ‘False’,’1’ or ‘0’ Decision Tree
  • 29. Problems in Machine Learning Classification Problems with categorical solutions like ‘Yes’ or ‘No’, ‘True’ or ‘False’,’1’ or ‘0’ Decision Tree Random Forest Logistic Regression Naïve Bayes
  • 30. Problems in Machine Learning Classification Problems with categorical solutions like ‘Yes’ or ‘No’, ‘True’ or ‘False’,’1’ or ‘0’ Decision Tree Random Forest Logistic Regression Naïve Bayes
  • 32. What is Decision Tree? Decision Tree is a tree shaped diagram used to determine a course of action. Each branch of the tree represents a possible decision, occurrence or reaction
  • 33. What is Decision Tree? Decision Tree is a tree shaped diagram used to determine a course of action. Each branch of the tree represents a possible decision, occurrence or reaction How do I Identify a random vegetable from a shopping bag?
  • 34. What is Decision Tree? Decision Tree is a tree shaped diagram used to determine a course of action. Each branch of the tree represents a possible decision, occurrence or reaction Which Vegetable? Is color = red? False True diameter > 2 False True
  • 35. What is Decision Tree? Decision Tree is a tree shaped diagram used to determine a course of action. Each branch of the tree represents a possible decision, occurrence or reaction Which Vegetable? So it’s a capsicum Is color = red? False True diameter > 2 False True
  • 36. Problems that Decision Tree can solve
  • 37. Problems that Decision Tree can solve RegressionClassification
  • 38. Problems that Decision Tree can solve RegressionClassification A classification tree will determine a set of logical if-then conditions to classify problems. For example, discriminating between three types of flowers based on certain features
  • 39. Problems that Decision Tree can solve RegressionClassification Regression tree is used when the target variable is numerical or continuous in nature. We fit a regression model to the target variable using each of the independent variables. Each split is made based on the sum of squared error. A classification tree will determine a set of logical if-then conditions to classify problems. For example, discriminating between three types of flowers based on certain features
  • 42. Advantages of Decision Tree Simple to understand, interpret and visualize
  • 43. Advantages of Decision Tree Little effort required for data preparation
  • 44. Advantages of Decision Tree Can handle both numerical and categorical data
  • 45. Advantages of Decision Tree Non linear parameters don’t effect its performance
  • 47. Disadvantages of Decision Tree Overfitting Map Overfitting occurs when the algorithm captures noise in the data
  • 48. Overfitting occurs when the algorithm captures noise in the data Disadvantages of Decision Tree Overfitting High Variance Map The model can get unstable due to small variation in data
  • 49. Overfitting occurs when the algorithm captures noise in the data The model can get unstable due to small variation in data Disadvantages of Decision Tree Overfitting High Variance Low biased Tree Map A highly complicated Decision tree tends to have a low bias which makes it difficult for the model to work with new data
  • 50. Decision Tree – Important Terms
  • 51. Decision Tree – Important Terms ImportantTerms
  • 52. Decision Tree – Important Terms Entropy Example Entropy is the measure of randomness or unpredictability in the dataset This Dataset has a very high entropy High entropy
  • 53. Decision Tree – Important Terms Entropy Example Entropy is the measure of randomness or unpredictability in the dataset High entropy(E1) Color == yellow? True False Height=10? Height<10? True TrueFalse False Lower entropy(E2) zero entropy After split
  • 54. Decision Tree – Important Terms Information gain Example High entropy(E1) Color == yellow? True False Height=10? Height<10? True TrueFalse False Lower entropy(E2) Gain = E1 - E2 After split It is the measure of decrease in entropy after the dataset is split
  • 55. Decision Tree – Important Terms Leaf Node Example Leaf Node Color == yellow? True False Height=10? Height<10? True TrueFalse False Leaf node carries the classification or the decision
  • 56. Decision Tree – Important Terms Decision Node Example decision Node Color == yellow? True False Height=10? Height<10? True TrueFalse False Decision node has two or more branches
  • 57. Decision Tree – Important Terms Root Node Example Root Node Color == yellow? True False Height=10? Height<10? True TrueFalse False The top most Decision node is known as the Root node
  • 58. How does Decision Tree work?
  • 59. Wonder what kind of animals I’ll get in the jungle today How does a Decision Tree work?
  • 60. How does a Decision Tree work?
  • 61. How does a Decision Tree work? Let’s try to classify different types of animals based on their features using a DecisionTree
  • 62. Problem statement To classify the different types of animals based on their features using decision tree How does a Decision Tree work?
  • 63. The dataset is looking quite messy and the entropy is high in this case How does a Decision Tree work? Problem statement To classify the different types of animals based on their features using decision tree
  • 64. The dataset is looking quite messy and the entropy is high in this case Training Dataset Color Height Label grey Yellow brown grey Yellow 10 3 10 10 4 elephant elephant giraffe Tiger Monkey How does a Decision Tree work?
  • 65. How to split the data We have to frame the conditions that split the data in such a way that the information gain is the highest How does a Decision Tree work?
  • 66. How to split the data We have to frame the conditions that split the data in such a way that the information gain is the highest Note Gain is the measure of decrease in entropy after splitting How does a Decision Tree work?
  • 67. 𝑖=1 𝑘 𝑃(𝑣𝑎𝑙𝑢𝑒𝑖). 𝑙𝑜𝑔2(𝑃 𝑣𝑎𝑙𝑢𝑒𝑖 How does a Decision Tree work? Formula for entropy Let’s try to calculate the entropy for the current dataset
  • 68. How does a Decision Tree work? total 3 2 1 2 8
  • 69. How does a Decision Tree work? 𝑖=1 𝑘 𝑃(𝑣𝑎𝑙𝑢𝑒𝑖). 𝑙𝑜𝑔2(𝑃 𝑣𝑎𝑙𝑢𝑒𝑖 Let’s use the formula
  • 70. How does a Decision Tree work? 𝑖=1 𝑘 𝑃(𝑣𝑎𝑙𝑢𝑒𝑖). 𝑙𝑜𝑔2(𝑃 𝑣𝑎𝑙𝑢𝑒𝑖 Let’s use the formula Entropy = ( 3 8 ) 𝑙𝑜𝑔2( 3 8 ) + ( 2 8 ) 𝑙𝑜𝑔2( 2 8 ) + ( 1 8 ) 𝑙𝑜𝑔2( 1 8 )+( 2 8 ) 𝑙𝑜𝑔2( 2 8 ) Entropy=0.571
  • 71. How does a Decision Tree work? 𝑖=1 𝑘 𝑃(𝑣𝑎𝑙𝑢𝑒𝑖). 𝑙𝑜𝑔2(𝑃 𝑣𝑎𝑙𝑢𝑒𝑖 Let’s use the formula Entropy = ( 3 8 ) 𝑙𝑜𝑔2( 3 8 ) + ( 2 8 ) 𝑙𝑜𝑔2( 2 8 ) + ( 1 8 ) 𝑙𝑜𝑔2( 1 8 )+( 2 8 ) 𝑙𝑜𝑔2( 2 8 ) Entropy=0.571 We will calculate the entropy of the dataset similarly after every split to calculate the gain
  • 72. How does a Decision Tree work? Gain can be calculated by finding the difference of the subsequent entropy values after split
  • 73. Now we will try to choose a condition that gives us the highest gain How does a Decision Tree work?
  • 74. Now we will try to choose a condition that gives us the highest gain We will do that by splitting the data using each condition and checking the gain that we get out them. How does a Decision Tree work?
  • 75. We will do that by splitting the data using each condition and checking the gain that we get out them. The condition that gives us the highest gain will be used to make the first split How does a Decision Tree work?
  • 76. Training Dataset Color Height Label grey Yellow brown grey Yellow 10 3 10 10 4 elephant elephant giraffe Tiger Monkey How does a Decision Tree work? Conditions Color==Yellow? Height>=10 Color== Brown? Color==Grey Diameter<10
  • 77. Let’s say this condition gives us the maximum gain How does a Decision Tree work? Conditions Color==Yellow? Height>=10 Color== Brown? Color==Grey Diameter<10 Training Dataset Color Height Label grey Yellow brown grey Yellow 10 3 10 10 4 elephant elephant giraffe Tiger Monkey
  • 78. We split the data How does a Decision Tree work? Color == yellow? True False
  • 79. The entropy after splitting has decreased considerably How does a Decision Tree work? Color == yellow? True False
  • 80. The entropy after splitting has decreased considerablyhowever we still need some splitting at both the branches to attain an entropy value equal to zero How does a Decision Tree work? Color == yellow? True False
  • 81. So, we decide to split both the nodes using ‘height’ as the condition How does a Decision Tree work? Color == yellow? True False Height>=10? Height<10? True TrueFalse False
  • 82. since every branch now contains single label type, we can say that the entropy in this case has reached the least value How does a Decision Tree work? Color == yellow? True False Height>=10? Height<10? True TrueFalse False
  • 83. How does a Decision Tree work? Color == yellow? True False Height>=10? Height<10? True TrueFalse False ThisTree can now predict all the classes of animals present in the dataset with 100% accuracy
  • 84. How does a Decision Tree work? Color == yellow? True False Height>=10? Height<10? True TrueFalse False ThisTree can now predict all the classes of animals present in the dataset with 100% accuracy That was easy
  • 85. Use Case – Loan Repayment Prediction
  • 86. Use Case – Loan Repayment prediction I need to find out if my customers are going to return the loan they took from my bank or not
  • 87. Use Case – Problem Statement Problem statement To predict if a customer will repay loan amount or not using DecisionTree algorithm in python
  • 88. Use Case – Implementation #import the necessary packages import numpy as np import pandas as pd from sklearn.cross_validation import train_test_split from sklearn.tree import DecisionTreeClassifier from sklearn.metrics import accuracy_score from sklearn import tree #Loading data file balance_data =pd.read_csv('C:/Users/anirban.dey/Desktop/data_2.csv', sep= ',', header= 0)
  • 89. Use Case – Implementation #import the necessary packages print ("Dataset Lenght:: "), len(balance_data) print ("Dataset Shape:: "), balance_data.shape
  • 90. Use Case – Implementation print ("Dataset:: ") balance_data.head()
  • 91. Use Case – Implementation #Seperating the Target variable X = balance_data.values[:, 1:5] Y = balance_data.values[:,0] #Spliting Dataset into Test and Train X_train, X_test, y_train, y_test = train_test_split( X, Y, test_size = 0.3, random_state = 100) #Function to perform training with Entropy clf_entropy = DecisionTreeClassifier(criterion = "entropy", random_state = 100, max_depth=3, min_samples_leaf=5) clf_entropy.fit(X_train, y_train)
  • 92. Use Case – Implementation #Function to make Predictions y_pred_en = clf_entropy.predict(X_test) y_pred_en
  • 93. Use Case – Implementation #Checking Accuracy print ("Accuracy is "), accuracy_score(y_test,y_pred)*100
  • 94. Use Case So, we have created a model that uses decision tree algorithm to predict whether a customer will repay the loan or not
  • 95. Use Case The Accuracy of the model is 94.6%
  • 96. Use Case The bank can use this model to decide whether it should approve loan request from a particular customer or not

Editor's Notes