SlideShare une entreprise Scribd logo
1  sur  112
What’s in it for you?
What is Machine Learning
Applications of Random Forest
What is Classification
Why Random Forest
What is Random Forest
Random Forest and Decision Tree
Use Case
How does Random Forest work
Remote
Sensing
Used in ETM devices to
acquire images of the
earth’s surface.
Accuracy is higher and
training time is less
Object Detection
Multiclass object
detection is done
using Random
Forest algorithms
Provides better
detection in
complicated
environments
Kinect
Random Forest is
used in a game
console called
Kinect
Tracks body
movements and
recreates it in the
game
Application of Random Forest
Remote
Sensing
Used in ETM devices to
acquire images of the
earth’s surface.
Accuracy is higher and
training time is less
Object Detection
Multiclass object
detection is done
using Random
Forest algorithms
Provides better
detection in
complicated
environments
Kinect
Random Forest is
used in a game
console called
Kinect
Tracks body
movements and
recreates it in the
game
Application of Random Forest
Kinect
Random Forest is
used in a game
console called
Kinect
Tracks body
movements and
recreates it in the
game
Application of Random Forest
Application of Random Forest
User performs a step Kinect registers the movement Marks the user based on accuracy
Application of Random Forest
User performs a step Kinect registers the movement Marks the user based on accuracy
Training set to identify body parts Random forest classifier
learns
Identifies the body parts
while dancing
Score game avatar based
on accuracy
What’s in it for you?
What is Machine Learning?
Applications of Random Forest
What is Classification?
Why Random Forest?
What is Random Forest?
Random Forest and Decision Tree
Comparing Random Forest and Regression
Use Case – Iris Flower Analysis
Types of Machine Learning
Machine
Learning
Supervised Learning
Unsupervised
Learning
Reinforcement
Learning
Types of Machine Learning
Machine
Learning
Supervised Learning
Unsupervised
Learning
Reinforcement
Learning
Types of Machine Learning
Supervised Learning
Machine
Learning
Unsupervised
Learning
Reinforcement
Learning
Types of Supervised Learning
Supervised Learning
Machine
LearningClassification Regression
Types of Supervised Learning
Supervised Learning
Machine
LearningRegressionClassification
What is Classification?
Supervised Learning
Machine
Learning
Classification is a kind of
problem wherein the outputs are
categorical in nature like ‘Yes’ or
‘No’, ‘True’ or ‘False’, ‘0’ or ‘1’
Classification
What is Classification?
Supervised Learning
Machine
LearningClassification
Solutions under Classification
Supervised Learning
Machine
LearningClassification
KNN
Solutions under Classification
Supervised Learning
Machine
LearningClassification
KNN
Naïve Bayes
Solutions under Classification
Supervised Learning
Machine
LearningClassification
KNN
Decision Tree
Naïve Bayes
Solutions under Classification
Supervised Learning
Machine
LearningClassification
KNN
Decision Tree
Naïve Bayes
Random
Forest
Solutions under Classification
Supervised Learning
Machine
LearningClassification
KNN
Decision Tree
Naïve Bayes
Random
Forest
Solutions under Classification
Why Random Forest?
Why Random Forest?
No overfitting
Use of multiple trees
reduce the risk of
overfitting
Training time is less
Estimates missing data
Random Forest
can maintain
accuracy when a
large proportion of
data is missing
High accuracy
For large data, it
produces highly
accurate predictions
Runs efficiently on large
database
What is Random Forest?
Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training
phase.
The Decision of the majority of the trees is chosen by the random forest as the final decision
What is Random Forest?
Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training
phase.
The Decision of the majority of the trees is chosen by the random forest as the final decision
Decision Tree 1
Output 1
What is Random Forest?
Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training
phase.
The Decision of the majority of the trees is chosen by the random forest as the final decision
Decision Tree 1
Decision Tree 2
Output 1
Output 2
What is Random Forest?
Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training
phase.
The Decision of the majority of the trees is chosen by the random forest as the final decision
Decision Tree 1
Decision Tree 2
Decision Tree 3
Output 1
Output 2
Output 3
What is Random Forest?
Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training
phase.
The Decision of the majority of the trees is chosen by the random forest as the final decision
Decision Tree 1
Decision Tree 2
Decision Tree 3
Random Forest
Output 1
Output 2
Output 3
What is Random Forest?
Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training
phase.
The Decision of the majority of the trees is chosen by the random forest as the final decision
Decision Tree 1
Decision Tree 2
Decision Tree 3
Random Forest
Output 1
Output 2
Output 3
What is Random Forest?
Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training
phase.
The Decision of the majority of the trees is chosen by the random forest as the final decision
Decision Tree 1
Decision Tree 2
Decision Tree 3
Random Forest
Output 1
Output 2
Output 3
Majority
What is Random Forest?
Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training
phase.
The Decision of the majority of the trees is chosen by the random forest as the final decision
Decision Tree 1
Decision Tree 2
Decision Tree 3
Random Forest
Output 1
Output 2
Output 3
Majority
Final Decision
What is Random Forest?
Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training
phase.
The Decision of the majority of the trees is chosen by the random forest as the final decision
Decision Tree 1
Decision Tree 2
Decision Tree 3
Random Forest
Output 1
Output 2
Output 3
Majority
Final Decision
What is Random Forest?
Random Forest and Decision Tree
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
Is diameter>=3
False True
Is color Orange?
False True
Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision
Entropy Information gain Leaf Node Decision
Node
Root Node
Entropy is the
measure of
randomness or
unpredictability in
the dataset
Decision Tree- Important Terms
Entropy
Entropy is the
measure of
randomness or
unpredictability in
the dataset
High entropy E1
Decision Tree - Important Terms
Entropy
Entropy is the
measure of
randomness or
unpredictability in
the dataset
Initial Dataset
Decision split
Set 1 Set 2
High entropy E1
Decision Tree - Important Terms
Entropy
Entropy is the
measure of
randomness or
unpredictability in
the dataset
Initial Dataset
Decision split
Set 1 Set 2
High entropy E1
Decision Tree - Important Terms
Entropy
Entropy is the
measure of
randomness or
unpredictability in
the dataset
Initial Dataset
Decision Split
Set 1 Set 2
High entropy
Lower entropy
After
Splitting
E1
E2
Decision Tree - Important Terms
Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision
Entropy Information gain Leaf Node Decision
Node
Root Node
It is the measure of
decrease in entropy
after the dataset is
split
Decision Tree - Important Terms
Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision
EntropyInformation gain
It is the measure of
decrease in entropy
after the dataset is
split
High entropy
Lower entropy
After
Splitting
E1
E2
Initial Dataset
Decision Split
Set 1 Set 2
E1
E2 E2
Decision Tree - Important Terms
Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision
EntropyInformation gain
It is the measure of
decrease in entropy
after the dataset is
split
High entropy
Lower entropy
After
splitting
E1
E2
Information gain= E1-E2
Initial Dataset
Decision Split
Set 1 Set 2
E1
E2 E2
Decision Tree - Important Terms
Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision
Entropy Information gain Leaf Node Decision
Node
Root Node
Leaf node
carries the
classification or
the decision
Decision Tree - Important Terms
EntropyLeaf Node
Leaf node
carries the
classification or
the decision
Initial Dataset
Decision Split
Set 1 Set 2
E1
E2 E2
Leaf Node
Decision Tree - Important Terms
Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision
Entropy Information gain Leaf Node Decision
Node
Root Node
Decision node
has two or more
branches
Decision Tree - Important Terms
EntropyDecision
Node
Decision node
has two or more
branches
Initial Dataset
Decision Split
Set 1 Set 2
E1
E2 E2
Decision Node
Decision Tree - Important Terms
Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision
Entropy Information gain Leaf Node Decision
Node
Root Node
The top most
Decision node is
known as the
Root node
Decision Tree - Important Terms
Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision
EntropyRoot Node
The top most
Decision node is
known as the
Root node
Initial Dataset
Decision Split
Set 1 Set 2
E1
E2 E2
Root Node
Decision Tree - Important Terms
How does a Decision Tree work?
Let’s try to understand how a
DecisionTree works with a simple
example
How does a Decision Tree work?
How does a Decision Tree work?
Problem statement
To classify the different types of fruits in
the bowl based on different features
How does a Decision Tree work?
Problem statement
To classify the different types of fruits in
the bowl based on different features
The dataset(bowl) 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 fruits in
the bowl based on different features
The dataset(bowl) is looking quite messy
and the entropy is high in this case
Training Dataset
Color Diameter Label
Red
Yellow
Purple
Red
Yellow
3
1
1
3
Purple
3
3
Apple
Apple
Lemon
Lemon
Grapes
Grapes
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?
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?
Conditions
Training Dataset
Color Diameter Label
Red
Yellow
purple
Red
Yellow
3
1
1
3
purple
3
3
Apple
Apple
Lemon
Lemon
Grapes
Grapes
Color== purple?
Diameter=3
Color==Yellow?
Color== Red?
Diameter=1
How does a Decision Tree work?
Conditions
Training Dataset
Color Diameter Label
Red
Yellow
purple
Red
Yellow
3
1
1
3
purple
3
3
Apple
Apple
Lemon
Lemon
Grapes
Grapes
Color== purple?
Diameter=3
Color==Yellow?
Color== Red?
Diameter=1
Let’s say this condition gives us the
maximum gain
How does a Decision Tree work?
Color==Yellow?
We split the data
Is diameter >=3?
False True
How does a Decision Tree work?
Is diameter >=3?
False True
The entropy after splitting has
decreased considerably
How does a Decision Tree work?
Is diameter >=3?
False True
The entropy after splitting has
decreased considerablyThis NODE has already
attained an entropy value
of zero
As you can see, there is
only one kind of label left
for this branch
How does a Decision Tree work?
Is diameter >=3?
False True
So no further splitting is
required for this NODE
How does a Decision Tree work?
Is diameter >=3?
False True
So no further splitting is
required for this NODE
However, this node still
requires a split to decrease
the entropy further
How does a Decision Tree work?
Is diameter>=3
False True
Is color yellow?
False True
So, we split the right
node further based on
the color
How does a Decision Tree work?
Is diameter>=3
False True
Is color yellow?
False True
So the entropy in this
case is now zero
How does a Decision Tree work?
Is diameter>=3
False True
Is color yellow?
False True
Predict lemon with
100% accuracy
How does a Decision Tree work?
Is diameter>=3
False True
Is color yellow?
False True
Predict apple with
100% accuracy
How does a Decision Tree work?
Is diameter>=3
False True
Is color yellow?
False True
Predict grapes
with 100%
accuracy
How does a Decision Tree work?
How does Random Forest work?
Is diameter>=3
False True
Is color Orange?
False True
How does a Random Forest work?
Let this beTree 1
Let this beTree 2
Is color=red
FalseTrue
Is shape==circle?
False true
How does a Random Forest work?
Let this beTree 3
Is diameter=1
FalseTrue
Grows in summer?
False True
How does a Random Forest work?
Is diameter>=3
False True
Is color Orange?
False True
Is color=red
FalseTrue
Is shape==circle?
False true
Is diameter=1
FalseTrue
Grows in summer?
False True
tree 1 tree 2 tree 3
How does a Random Forest work?
Now Lets try to classify this
fruit
How does a Random Forest work?
Is diameter>=3
False True
Is color Orange?
False True
Tree 1 classifies it as an
orange
How does a Random Forest work?
Diameter = 3
Colour = orange
Grows in summer = yes
SHAPE = CIRCLE
Tree 2 classifies it as
cherries
Is color=red
FalseTrue
Is shape==circle?
False True
How does a Random Forest work?
Diameter = 3
Colour = orange
Grows in summer = yes
SHAPE = CIRCLE
Tree 3 classifies it as
orange
Is diameter=1
FalseTrue
Grows in summer?
False True
How does a Random Forest work?
Diameter = 3
Colour = orange
Grows in summer = yes
SHAPE = CIRCLE
Is diameter>=3
False True
Is color Orange?
False True
Is color=red
FalseTrue
Is shape==circle?
False True
Is diameter=1
FalseTrue
Grows in summer?
False True
Tree 1 Tree 2 Tree 3
How does a Random Forest work?
How does a Random Forest work?
orange
Is diameter>=3
False True
Is color Orange?
False True
Is color=red
FalseTrue
Is shape==circle?
False True
Is diameter=1
FalseTrue
Grows in summer?
False True
Tree 1 Tree 2 Tree 3
How does a Random Forest work?
cherryorange
Is diameter>=3
False True
Is color Orange?
False True
Is color=red
FalseTrue
Is shape==circle?
False True
Is diameter=1
FalseTrue
Grows in summer?
False True
Tree 1 Tree 2 Tree 3
How does a Random Forest work?
orangecherryorange
Is diameter>=3
False True
Is color Orange?
False True
Is color=red
FalseTrue
Is shape==circle?
False True
Is diameter=1
FalseTrue
Grows in summer?
False True
Tree 1 Tree 2 Tree 3
How does a Random Forest work?
orangecherryorange
Is diameter>=3
False True
Is color Orange?
False True
Is color=red
FalseTrue
Is shape==circle?
False True
Is diameter=1
FalseTrue
Grows in summer?
False True
Tree 1 Tree 2 Tree 3
cherry
Majority voted
How does a Random Forest work?
orange
So the fruit is classified
as an orange
How does a Random Forest work?
So the fruit is classified
as an orange
How does a Random Forest work?
Use Case – Iris Flower Analysis
Wonder what species of Iris do these
flowers belong to?
Use Case - Problem Statement
Let’s try to predict the species of the
flowers using machine learning in Python
Use Case - Problem Statement
Let’s See how it can be done
Use Case - Implementation
# Loading the library with the iris dataset
from sklearn.datasets import load_iris
# Loading scikit's random forest classifier library
from sklearn.ensemble import RandomForestClassifier
# Loading pandas
import pandas as pd
# Loading numpy
import numpy as np
# Setting random seed
np.random.seed(0)
Use Case - Implementation
# Creating an object called iris with the iris data
iris = load_iris()
# Creating a dataframe with the four feature variables
df = pd.DataFrame(iris.data, columns=iris.feature_names)
# Viewing the top 5 rows
df.head()
Use Case - Implementation
# Adding a new column for the species name
df['species'] = pd.Categorical.from_codes(iris.target,
iris.target_names)
# Viewing the top 5 rows
df.head()
Use Case - Implementation
# Creating Test and Train Data
df['is_train'] = np.random.uniform(0, 1, len(df)) <= .75
# View the top 5 rows
df.head()
Use Case - Implementation
# Creating dataframes with test rows and training rows
train, test = df[df['is_train']==True], df[df['is_train']==False]
# Show the number of observations for the test and training dataframes
print('Number of observations in the training data:', len(train))
print('Number of observations in the test data:',len(test))
Use Case - Implementation
# Create a list of the feature column's names
features = df.columns[:4]
# View features
features
Use Case - Implementation
# Converting each species name into digits
y = pd.factorize(train['species'])[0]
# Viewing target
y
Use Case - Implementation
# Creating a random forest Classifier.
clf = RandomForestClassifier(n_jobs=2, random_state=0)
# Training the classifier
clf.fit(train[features], y)
Use Case - Implementation
# Applying the trained Classifier to the test
clf.predict(test[features])
Use Case - Implementation
# Viewing the predicted probabilities of the first 10
observations
clf.predict_proba(test[features])[0:10]
Use Case - Implementation
# mapping names for the plants for each predicted plant class
preds = iris.target_names[clf.predict(test[features])]
# View the PREDICTED species for the first five
observations
preds[0:5]
Use Case - Implementation
# Viewing the ACTUAL species for the first five observations
test['species'].head()
Use Case - Implementation
# Creating confusion matrix
pd.crosstab(test['species'], preds, rownames=['Actual Species'],
colnames=['Predicted Species'])
Use Case - Implementation
Use Case - Implementation
Total number of predictions = 32
Use Case - Implementation
Number of accurate predictions = 30
Use Case - Implementation
Number of inaccurate predictions = 2
Use Case - Implementation
ModelAccuracy
30
32
X 100 = 93
Use Case - Implementation
So the model accuracy
is 93%
ModelAccuracy
30
32
X 100 = 93
Key takeaways
Random Forest Algorithm - Random Forest Explained | Random Forest In Machine Learning | Simplilearn

Contenu connexe

Tendances

Decision Trees
Decision TreesDecision Trees
Decision TreesStudent
 
Decision trees in Machine Learning
Decision trees in Machine Learning Decision trees in Machine Learning
Decision trees in Machine Learning Mohammad Junaid Khan
 
Understanding random forests
Understanding random forestsUnderstanding random forests
Understanding random forestsMarc Garcia
 
K mean-clustering algorithm
K mean-clustering algorithmK mean-clustering algorithm
K mean-clustering algorithmparry prabhu
 
Decision tree induction \ Decision Tree Algorithm with Example| Data science
Decision tree induction \ Decision Tree Algorithm with Example| Data scienceDecision tree induction \ Decision Tree Algorithm with Example| Data science
Decision tree induction \ Decision Tree Algorithm with Example| Data scienceMaryamRehman6
 
Classification Based Machine Learning Algorithms
Classification Based Machine Learning AlgorithmsClassification Based Machine Learning Algorithms
Classification Based Machine Learning AlgorithmsMd. Main Uddin Rony
 
Lecture 4 Decision Trees (2): Entropy, Information Gain, Gain Ratio
Lecture 4 Decision Trees (2): Entropy, Information Gain, Gain RatioLecture 4 Decision Trees (2): Entropy, Information Gain, Gain Ratio
Lecture 4 Decision Trees (2): Entropy, Information Gain, Gain RatioMarina Santini
 
Introduction to Machine Learning Classifiers
Introduction to Machine Learning ClassifiersIntroduction to Machine Learning Classifiers
Introduction to Machine Learning ClassifiersFunctional Imperative
 
Decision trees for machine learning
Decision trees for machine learningDecision trees for machine learning
Decision trees for machine learningAmr BARAKAT
 
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...Simplilearn
 
2.3 bayesian classification
2.3 bayesian classification2.3 bayesian classification
2.3 bayesian classificationKrish_ver2
 
K-Nearest Neighbor Classifier
K-Nearest Neighbor ClassifierK-Nearest Neighbor Classifier
K-Nearest Neighbor ClassifierNeha Kulkarni
 
Unsupervised learning
Unsupervised learningUnsupervised learning
Unsupervised learningamalalhait
 

Tendances (20)

Decision Trees
Decision TreesDecision Trees
Decision Trees
 
Decision Tree Learning
Decision Tree LearningDecision Tree Learning
Decision Tree Learning
 
Decision trees in Machine Learning
Decision trees in Machine Learning Decision trees in Machine Learning
Decision trees in Machine Learning
 
Understanding random forests
Understanding random forestsUnderstanding random forests
Understanding random forests
 
KNN
KNN KNN
KNN
 
K mean-clustering algorithm
K mean-clustering algorithmK mean-clustering algorithm
K mean-clustering algorithm
 
Decision tree induction \ Decision Tree Algorithm with Example| Data science
Decision tree induction \ Decision Tree Algorithm with Example| Data scienceDecision tree induction \ Decision Tree Algorithm with Example| Data science
Decision tree induction \ Decision Tree Algorithm with Example| Data science
 
Classification Based Machine Learning Algorithms
Classification Based Machine Learning AlgorithmsClassification Based Machine Learning Algorithms
Classification Based Machine Learning Algorithms
 
ID3 ALGORITHM
ID3 ALGORITHMID3 ALGORITHM
ID3 ALGORITHM
 
Lecture 4 Decision Trees (2): Entropy, Information Gain, Gain Ratio
Lecture 4 Decision Trees (2): Entropy, Information Gain, Gain RatioLecture 4 Decision Trees (2): Entropy, Information Gain, Gain Ratio
Lecture 4 Decision Trees (2): Entropy, Information Gain, Gain Ratio
 
Introduction to Machine Learning Classifiers
Introduction to Machine Learning ClassifiersIntroduction to Machine Learning Classifiers
Introduction to Machine Learning Classifiers
 
K Nearest Neighbors
K Nearest NeighborsK Nearest Neighbors
K Nearest Neighbors
 
Decision trees for machine learning
Decision trees for machine learningDecision trees for machine learning
Decision trees for machine learning
 
K - Nearest neighbor ( KNN )
K - Nearest neighbor  ( KNN )K - Nearest neighbor  ( KNN )
K - Nearest neighbor ( KNN )
 
Decision tree
Decision treeDecision tree
Decision tree
 
Presentation on K-Means Clustering
Presentation on K-Means ClusteringPresentation on K-Means Clustering
Presentation on K-Means Clustering
 
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
Machine Learning Algorithms | Machine Learning Tutorial | Data Science Algori...
 
2.3 bayesian classification
2.3 bayesian classification2.3 bayesian classification
2.3 bayesian classification
 
K-Nearest Neighbor Classifier
K-Nearest Neighbor ClassifierK-Nearest Neighbor Classifier
K-Nearest Neighbor Classifier
 
Unsupervised learning
Unsupervised learningUnsupervised learning
Unsupervised learning
 

Similaire à Random Forest Algorithm - Random Forest Explained | Random Forest In Machine Learning | Simplilearn

Machine Learning Decision Tree Algorithms
Machine Learning Decision Tree AlgorithmsMachine Learning Decision Tree Algorithms
Machine Learning Decision Tree AlgorithmsRupak Roy
 
Introduction to Random Forest
Introduction to Random Forest Introduction to Random Forest
Introduction to Random Forest Rupak Roy
 
Classification of chestnuts with feature selection by noise resilient classif...
Classification of chestnuts with feature selection by noise resilient classif...Classification of chestnuts with feature selection by noise resilient classif...
Classification of chestnuts with feature selection by noise resilient classif...Elena Roglia
 
Machine learning session6(decision trees random forrest)
Machine learning   session6(decision trees random forrest)Machine learning   session6(decision trees random forrest)
Machine learning session6(decision trees random forrest)Abhimanyu Dwivedi
 
what is Random-Forest-Machine-Learning.pptx
what is Random-Forest-Machine-Learning.pptxwhat is Random-Forest-Machine-Learning.pptx
what is Random-Forest-Machine-Learning.pptxAnupama Kate
 
Machine Learning Algorithm - Decision Trees
Machine Learning Algorithm - Decision Trees Machine Learning Algorithm - Decision Trees
Machine Learning Algorithm - Decision Trees Kush Kulshrestha
 
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
 
Algoritma Random Forest beserta aplikasi nya
Algoritma Random Forest beserta aplikasi nyaAlgoritma Random Forest beserta aplikasi nya
Algoritma Random Forest beserta aplikasi nyabatubao
 
13 random forest
13 random forest13 random forest
13 random forestVishal Dutt
 
Decision tree presentation
Decision tree presentationDecision tree presentation
Decision tree presentationVijay Yadav
 
Machine Learning - Decision Trees
Machine Learning - Decision TreesMachine Learning - Decision Trees
Machine Learning - Decision TreesRupak Roy
 
Decision Trees
Decision TreesDecision Trees
Decision TreesCloudxLab
 
Predicting Customer Conversion with Random Forests
Predicting Customer Conversion with Random ForestsPredicting Customer Conversion with Random Forests
Predicting Customer Conversion with Random ForestsEnplus Advisors, Inc.
 
Decision trees & random forests
Decision trees & random forestsDecision trees & random forests
Decision trees & random forestsSC5.io
 

Similaire à Random Forest Algorithm - Random Forest Explained | Random Forest In Machine Learning | Simplilearn (20)

Machine Learning Decision Tree Algorithms
Machine Learning Decision Tree AlgorithmsMachine Learning Decision Tree Algorithms
Machine Learning Decision Tree Algorithms
 
Introduction to Random Forest
Introduction to Random Forest Introduction to Random Forest
Introduction to Random Forest
 
Classification of chestnuts with feature selection by noise resilient classif...
Classification of chestnuts with feature selection by noise resilient classif...Classification of chestnuts with feature selection by noise resilient classif...
Classification of chestnuts with feature selection by noise resilient classif...
 
Adam Ashenfelter - Finding the Oddballs
Adam Ashenfelter - Finding the OddballsAdam Ashenfelter - Finding the Oddballs
Adam Ashenfelter - Finding the Oddballs
 
Machine learning session6(decision trees random forrest)
Machine learning   session6(decision trees random forrest)Machine learning   session6(decision trees random forrest)
Machine learning session6(decision trees random forrest)
 
what is Random-Forest-Machine-Learning.pptx
what is Random-Forest-Machine-Learning.pptxwhat is Random-Forest-Machine-Learning.pptx
what is Random-Forest-Machine-Learning.pptx
 
Machine Learning Algorithm - Decision Trees
Machine Learning Algorithm - Decision Trees Machine Learning Algorithm - Decision Trees
Machine Learning Algorithm - Decision Trees
 
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...
 
Algoritma Random Forest beserta aplikasi nya
Algoritma Random Forest beserta aplikasi nyaAlgoritma Random Forest beserta aplikasi nya
Algoritma Random Forest beserta aplikasi nya
 
13 random forest
13 random forest13 random forest
13 random forest
 
Random Forest
Random ForestRandom Forest
Random Forest
 
Decision trees
Decision treesDecision trees
Decision trees
 
Decision Tree.pptx
Decision Tree.pptxDecision Tree.pptx
Decision Tree.pptx
 
Decision tree
Decision tree Decision tree
Decision tree
 
Decision tree presentation
Decision tree presentationDecision tree presentation
Decision tree presentation
 
Machine Learning - Decision Trees
Machine Learning - Decision TreesMachine Learning - Decision Trees
Machine Learning - Decision Trees
 
Random Forests Lightning Talk
Random Forests Lightning TalkRandom Forests Lightning Talk
Random Forests Lightning Talk
 
Decision Trees
Decision TreesDecision Trees
Decision Trees
 
Predicting Customer Conversion with Random Forests
Predicting Customer Conversion with Random ForestsPredicting Customer Conversion with Random Forests
Predicting Customer Conversion with Random Forests
 
Decision trees & random forests
Decision trees & random forestsDecision trees & random forests
Decision trees & random forests
 

Plus de Simplilearn

ChatGPT in Cybersecurity
ChatGPT in CybersecurityChatGPT in Cybersecurity
ChatGPT in CybersecuritySimplilearn
 
Whatis SQL Injection.pptx
Whatis SQL Injection.pptxWhatis SQL Injection.pptx
Whatis SQL Injection.pptxSimplilearn
 
Top 5 High Paying Cloud Computing Jobs in 2023
 Top 5 High Paying Cloud Computing Jobs in 2023  Top 5 High Paying Cloud Computing Jobs in 2023
Top 5 High Paying Cloud Computing Jobs in 2023 Simplilearn
 
Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Simplilearn
 
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Simplilearn
 
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...Simplilearn
 
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Simplilearn
 
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...Simplilearn
 
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Simplilearn
 
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...Simplilearn
 
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...Simplilearn
 
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...Simplilearn
 
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...Simplilearn
 
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...Simplilearn
 
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...Simplilearn
 
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...Simplilearn
 
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...Simplilearn
 
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...Simplilearn
 
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...Simplilearn
 
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...Simplilearn
 

Plus de Simplilearn (20)

ChatGPT in Cybersecurity
ChatGPT in CybersecurityChatGPT in Cybersecurity
ChatGPT in Cybersecurity
 
Whatis SQL Injection.pptx
Whatis SQL Injection.pptxWhatis SQL Injection.pptx
Whatis SQL Injection.pptx
 
Top 5 High Paying Cloud Computing Jobs in 2023
 Top 5 High Paying Cloud Computing Jobs in 2023  Top 5 High Paying Cloud Computing Jobs in 2023
Top 5 High Paying Cloud Computing Jobs in 2023
 
Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024Types Of Cloud Jobs In 2024
Types Of Cloud Jobs In 2024
 
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
Top 12 AI Technologies To Learn 2024 | Top AI Technologies in 2024 | AI Trend...
 
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
What is LSTM ?| Long Short Term Memory Explained with Example | Deep Learning...
 
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
Top 10 Chat GPT Use Cases | ChatGPT Applications | ChatGPT Tutorial For Begin...
 
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
React JS Vs Next JS - What's The Difference | Next JS Tutorial For Beginners ...
 
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
Backpropagation in Neural Networks | Back Propagation Algorithm with Examples...
 
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
How to Become a Business Analyst ?| Roadmap to Become Business Analyst | Simp...
 
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
Career Opportunities In Artificial Intelligence 2023 | AI Job Opportunities |...
 
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
Programming for Beginners | How to Start Coding in 2023? | Introduction to Pr...
 
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
Best IDE for Programming in 2023 | Top 8 Programming IDE You Should Know | Si...
 
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
React 18 Overview | React 18 New Features and Changes | React 18 Tutorial 202...
 
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
What Is Next JS ? | Introduction to Next JS | Basics of Next JS | Next JS Tut...
 
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
How To Become an SEO Expert In 2023 | SEO Expert Tutorial | SEO For Beginners...
 
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
WordPress Tutorial for Beginners 2023 | What Is WordPress and How Does It Wor...
 
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
Blogging For Beginners 2023 | How To Create A Blog | Blogging Tutorial | Simp...
 
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
How To Start A Blog In 2023 | Pros And Cons Of Blogging | Blogging Tutorial |...
 
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
How to Increase Website Traffic ? | 10 Ways To Increase Website Traffic in 20...
 

Dernier

Barangay Council for the Protection of Children (BCPC) Orientation.pptx
Barangay Council for the Protection of Children (BCPC) Orientation.pptxBarangay Council for the Protection of Children (BCPC) Orientation.pptx
Barangay Council for the Protection of Children (BCPC) Orientation.pptxCarlos105
 
Transaction Management in Database Management System
Transaction Management in Database Management SystemTransaction Management in Database Management System
Transaction Management in Database Management SystemChristalin Nelson
 
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptxMULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptxAnupkumar Sharma
 
Inclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdf
Inclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdfInclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdf
Inclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdfTechSoup
 
How to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERPHow to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERPCeline George
 
Choosing the Right CBSE School A Comprehensive Guide for Parents
Choosing the Right CBSE School A Comprehensive Guide for ParentsChoosing the Right CBSE School A Comprehensive Guide for Parents
Choosing the Right CBSE School A Comprehensive Guide for Parentsnavabharathschool99
 
Field Attribute Index Feature in Odoo 17
Field Attribute Index Feature in Odoo 17Field Attribute Index Feature in Odoo 17
Field Attribute Index Feature in Odoo 17Celine George
 
Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...Jisc
 
Science 7 Quarter 4 Module 2: Natural Resources.pptx
Science 7 Quarter 4 Module 2: Natural Resources.pptxScience 7 Quarter 4 Module 2: Natural Resources.pptx
Science 7 Quarter 4 Module 2: Natural Resources.pptxMaryGraceBautista27
 
Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)
Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)
Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)lakshayb543
 
USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...
USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...
USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...Postal Advocate Inc.
 
Difference Between Search & Browse Methods in Odoo 17
Difference Between Search & Browse Methods in Odoo 17Difference Between Search & Browse Methods in Odoo 17
Difference Between Search & Browse Methods in Odoo 17Celine George
 
THEORIES OF ORGANIZATION-PUBLIC ADMINISTRATION
THEORIES OF ORGANIZATION-PUBLIC ADMINISTRATIONTHEORIES OF ORGANIZATION-PUBLIC ADMINISTRATION
THEORIES OF ORGANIZATION-PUBLIC ADMINISTRATIONHumphrey A Beña
 
ISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITY
ISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITYISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITY
ISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITYKayeClaireEstoconing
 
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTSGRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTSJoshuaGantuangco2
 
How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17Celine George
 
Concurrency Control in Database Management system
Concurrency Control in Database Management systemConcurrency Control in Database Management system
Concurrency Control in Database Management systemChristalin Nelson
 

Dernier (20)

Barangay Council for the Protection of Children (BCPC) Orientation.pptx
Barangay Council for the Protection of Children (BCPC) Orientation.pptxBarangay Council for the Protection of Children (BCPC) Orientation.pptx
Barangay Council for the Protection of Children (BCPC) Orientation.pptx
 
Transaction Management in Database Management System
Transaction Management in Database Management SystemTransaction Management in Database Management System
Transaction Management in Database Management System
 
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptxMULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
MULTIDISCIPLINRY NATURE OF THE ENVIRONMENTAL STUDIES.pptx
 
Inclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdf
Inclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdfInclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdf
Inclusivity Essentials_ Creating Accessible Websites for Nonprofits .pdf
 
How to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERPHow to do quick user assign in kanban in Odoo 17 ERP
How to do quick user assign in kanban in Odoo 17 ERP
 
Choosing the Right CBSE School A Comprehensive Guide for Parents
Choosing the Right CBSE School A Comprehensive Guide for ParentsChoosing the Right CBSE School A Comprehensive Guide for Parents
Choosing the Right CBSE School A Comprehensive Guide for Parents
 
Field Attribute Index Feature in Odoo 17
Field Attribute Index Feature in Odoo 17Field Attribute Index Feature in Odoo 17
Field Attribute Index Feature in Odoo 17
 
YOUVE GOT EMAIL_FINALS_EL_DORADO_2024.pptx
YOUVE GOT EMAIL_FINALS_EL_DORADO_2024.pptxYOUVE GOT EMAIL_FINALS_EL_DORADO_2024.pptx
YOUVE GOT EMAIL_FINALS_EL_DORADO_2024.pptx
 
Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...Procuring digital preservation CAN be quick and painless with our new dynamic...
Procuring digital preservation CAN be quick and painless with our new dynamic...
 
Science 7 Quarter 4 Module 2: Natural Resources.pptx
Science 7 Quarter 4 Module 2: Natural Resources.pptxScience 7 Quarter 4 Module 2: Natural Resources.pptx
Science 7 Quarter 4 Module 2: Natural Resources.pptx
 
Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)
Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)
Visit to a blind student's school🧑‍🦯🧑‍🦯(community medicine)
 
USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...
USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...
USPS® Forced Meter Migration - How to Know if Your Postage Meter Will Soon be...
 
Difference Between Search & Browse Methods in Odoo 17
Difference Between Search & Browse Methods in Odoo 17Difference Between Search & Browse Methods in Odoo 17
Difference Between Search & Browse Methods in Odoo 17
 
Raw materials used in Herbal Cosmetics.pptx
Raw materials used in Herbal Cosmetics.pptxRaw materials used in Herbal Cosmetics.pptx
Raw materials used in Herbal Cosmetics.pptx
 
THEORIES OF ORGANIZATION-PUBLIC ADMINISTRATION
THEORIES OF ORGANIZATION-PUBLIC ADMINISTRATIONTHEORIES OF ORGANIZATION-PUBLIC ADMINISTRATION
THEORIES OF ORGANIZATION-PUBLIC ADMINISTRATION
 
ISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITY
ISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITYISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITY
ISYU TUNGKOL SA SEKSWLADIDA (ISSUE ABOUT SEXUALITY
 
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
call girls in Kamla Market (DELHI) 🔝 >༒9953330565🔝 genuine Escort Service 🔝✔️✔️
 
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTSGRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
GRADE 4 - SUMMATIVE TEST QUARTER 4 ALL SUBJECTS
 
How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17How to Add Barcode on PDF Report in Odoo 17
How to Add Barcode on PDF Report in Odoo 17
 
Concurrency Control in Database Management system
Concurrency Control in Database Management systemConcurrency Control in Database Management system
Concurrency Control in Database Management system
 

Random Forest Algorithm - Random Forest Explained | Random Forest In Machine Learning | Simplilearn

  • 1. What’s in it for you? What is Machine Learning Applications of Random Forest What is Classification Why Random Forest What is Random Forest Random Forest and Decision Tree Use Case How does Random Forest work
  • 2. Remote Sensing Used in ETM devices to acquire images of the earth’s surface. Accuracy is higher and training time is less Object Detection Multiclass object detection is done using Random Forest algorithms Provides better detection in complicated environments Kinect Random Forest is used in a game console called Kinect Tracks body movements and recreates it in the game Application of Random Forest
  • 3. Remote Sensing Used in ETM devices to acquire images of the earth’s surface. Accuracy is higher and training time is less Object Detection Multiclass object detection is done using Random Forest algorithms Provides better detection in complicated environments Kinect Random Forest is used in a game console called Kinect Tracks body movements and recreates it in the game Application of Random Forest
  • 4. Kinect Random Forest is used in a game console called Kinect Tracks body movements and recreates it in the game Application of Random Forest
  • 5. Application of Random Forest User performs a step Kinect registers the movement Marks the user based on accuracy
  • 6. Application of Random Forest User performs a step Kinect registers the movement Marks the user based on accuracy Training set to identify body parts Random forest classifier learns Identifies the body parts while dancing Score game avatar based on accuracy
  • 7. What’s in it for you? What is Machine Learning? Applications of Random Forest What is Classification? Why Random Forest? What is Random Forest? Random Forest and Decision Tree Comparing Random Forest and Regression Use Case – Iris Flower Analysis
  • 8. Types of Machine Learning
  • 14. Supervised Learning Machine Learning Classification is a kind of problem wherein the outputs are categorical in nature like ‘Yes’ or ‘No’, ‘True’ or ‘False’, ‘0’ or ‘1’ Classification What is Classification?
  • 19. Supervised Learning Machine LearningClassification KNN Decision Tree Naïve Bayes Random Forest Solutions under Classification
  • 20. Supervised Learning Machine LearningClassification KNN Decision Tree Naïve Bayes Random Forest Solutions under Classification
  • 22. Why Random Forest? No overfitting Use of multiple trees reduce the risk of overfitting Training time is less Estimates missing data Random Forest can maintain accuracy when a large proportion of data is missing High accuracy For large data, it produces highly accurate predictions Runs efficiently on large database
  • 23. What is Random Forest?
  • 24. Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training phase. The Decision of the majority of the trees is chosen by the random forest as the final decision What is Random Forest?
  • 25. Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training phase. The Decision of the majority of the trees is chosen by the random forest as the final decision Decision Tree 1 Output 1 What is Random Forest?
  • 26. Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training phase. The Decision of the majority of the trees is chosen by the random forest as the final decision Decision Tree 1 Decision Tree 2 Output 1 Output 2 What is Random Forest?
  • 27. Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training phase. The Decision of the majority of the trees is chosen by the random forest as the final decision Decision Tree 1 Decision Tree 2 Decision Tree 3 Output 1 Output 2 Output 3 What is Random Forest?
  • 28. Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training phase. The Decision of the majority of the trees is chosen by the random forest as the final decision Decision Tree 1 Decision Tree 2 Decision Tree 3 Random Forest Output 1 Output 2 Output 3 What is Random Forest?
  • 29. Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training phase. The Decision of the majority of the trees is chosen by the random forest as the final decision Decision Tree 1 Decision Tree 2 Decision Tree 3 Random Forest Output 1 Output 2 Output 3 What is Random Forest?
  • 30. Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training phase. The Decision of the majority of the trees is chosen by the random forest as the final decision Decision Tree 1 Decision Tree 2 Decision Tree 3 Random Forest Output 1 Output 2 Output 3 Majority What is Random Forest?
  • 31. Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training phase. The Decision of the majority of the trees is chosen by the random forest as the final decision Decision Tree 1 Decision Tree 2 Decision Tree 3 Random Forest Output 1 Output 2 Output 3 Majority Final Decision What is Random Forest?
  • 32. Random forest or Random Decision Forest is a method that operates by constructing multiple Decision Trees during training phase. The Decision of the majority of the trees is chosen by the random forest as the final decision Decision Tree 1 Decision Tree 2 Decision Tree 3 Random Forest Output 1 Output 2 Output 3 Majority Final Decision What is Random Forest?
  • 33. Random Forest and Decision Tree
  • 34. 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 Is diameter>=3 False True Is color Orange? False True
  • 35. Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision Entropy Information gain Leaf Node Decision Node Root Node Entropy is the measure of randomness or unpredictability in the dataset Decision Tree- Important Terms
  • 36. Entropy Entropy is the measure of randomness or unpredictability in the dataset High entropy E1 Decision Tree - Important Terms
  • 37. Entropy Entropy is the measure of randomness or unpredictability in the dataset Initial Dataset Decision split Set 1 Set 2 High entropy E1 Decision Tree - Important Terms
  • 38. Entropy Entropy is the measure of randomness or unpredictability in the dataset Initial Dataset Decision split Set 1 Set 2 High entropy E1 Decision Tree - Important Terms
  • 39. Entropy Entropy is the measure of randomness or unpredictability in the dataset Initial Dataset Decision Split Set 1 Set 2 High entropy Lower entropy After Splitting E1 E2 Decision Tree - Important Terms
  • 40. Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision Entropy Information gain Leaf Node Decision Node Root Node It is the measure of decrease in entropy after the dataset is split Decision Tree - Important Terms
  • 41. Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision EntropyInformation gain It is the measure of decrease in entropy after the dataset is split High entropy Lower entropy After Splitting E1 E2 Initial Dataset Decision Split Set 1 Set 2 E1 E2 E2 Decision Tree - Important Terms
  • 42. Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision EntropyInformation gain It is the measure of decrease in entropy after the dataset is split High entropy Lower entropy After splitting E1 E2 Information gain= E1-E2 Initial Dataset Decision Split Set 1 Set 2 E1 E2 E2 Decision Tree - Important Terms
  • 43. Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision Entropy Information gain Leaf Node Decision Node Root Node Leaf node carries the classification or the decision Decision Tree - Important Terms
  • 44. EntropyLeaf Node Leaf node carries the classification or the decision Initial Dataset Decision Split Set 1 Set 2 E1 E2 E2 Leaf Node Decision Tree - Important Terms
  • 45. Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision Entropy Information gain Leaf Node Decision Node Root Node Decision node has two or more branches Decision Tree - Important Terms
  • 46. EntropyDecision Node Decision node has two or more branches Initial Dataset Decision Split Set 1 Set 2 E1 E2 E2 Decision Node Decision Tree - Important Terms
  • 47. Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision Entropy Information gain Leaf Node Decision Node Root Node The top most Decision node is known as the Root node Decision Tree - Important Terms
  • 48. Decision Tree is a Graph that uses branching method to illustrate every possible outcome of a decision EntropyRoot Node The top most Decision node is known as the Root node Initial Dataset Decision Split Set 1 Set 2 E1 E2 E2 Root Node Decision Tree - Important Terms
  • 49. How does a Decision Tree work?
  • 50. Let’s try to understand how a DecisionTree works with a simple example How does a Decision Tree work?
  • 51. How does a Decision Tree work?
  • 52. Problem statement To classify the different types of fruits in the bowl based on different features How does a Decision Tree work?
  • 53. Problem statement To classify the different types of fruits in the bowl based on different features The dataset(bowl) is looking quite messy and the entropy is high in this case How does a Decision Tree work?
  • 54. Problem statement To classify the different types of fruits in the bowl based on different features The dataset(bowl) is looking quite messy and the entropy is high in this case Training Dataset Color Diameter Label Red Yellow Purple Red Yellow 3 1 1 3 Purple 3 3 Apple Apple Lemon Lemon Grapes Grapes How does a Decision Tree work?
  • 55. 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?
  • 56. 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?
  • 57. Now we will try to choose a condition that gives us the highest gain How does a Decision Tree work?
  • 58. 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?
  • 59. 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?
  • 60. Conditions Training Dataset Color Diameter Label Red Yellow purple Red Yellow 3 1 1 3 purple 3 3 Apple Apple Lemon Lemon Grapes Grapes Color== purple? Diameter=3 Color==Yellow? Color== Red? Diameter=1 How does a Decision Tree work?
  • 61. Conditions Training Dataset Color Diameter Label Red Yellow purple Red Yellow 3 1 1 3 purple 3 3 Apple Apple Lemon Lemon Grapes Grapes Color== purple? Diameter=3 Color==Yellow? Color== Red? Diameter=1 Let’s say this condition gives us the maximum gain How does a Decision Tree work? Color==Yellow?
  • 62. We split the data Is diameter >=3? False True How does a Decision Tree work?
  • 63. Is diameter >=3? False True The entropy after splitting has decreased considerably How does a Decision Tree work?
  • 64. Is diameter >=3? False True The entropy after splitting has decreased considerablyThis NODE has already attained an entropy value of zero As you can see, there is only one kind of label left for this branch How does a Decision Tree work?
  • 65. Is diameter >=3? False True So no further splitting is required for this NODE How does a Decision Tree work?
  • 66. Is diameter >=3? False True So no further splitting is required for this NODE However, this node still requires a split to decrease the entropy further How does a Decision Tree work?
  • 67. Is diameter>=3 False True Is color yellow? False True So, we split the right node further based on the color How does a Decision Tree work?
  • 68. Is diameter>=3 False True Is color yellow? False True So the entropy in this case is now zero How does a Decision Tree work?
  • 69. Is diameter>=3 False True Is color yellow? False True Predict lemon with 100% accuracy How does a Decision Tree work?
  • 70. Is diameter>=3 False True Is color yellow? False True Predict apple with 100% accuracy How does a Decision Tree work?
  • 71. Is diameter>=3 False True Is color yellow? False True Predict grapes with 100% accuracy How does a Decision Tree work?
  • 72. How does Random Forest work?
  • 73. Is diameter>=3 False True Is color Orange? False True How does a Random Forest work? Let this beTree 1
  • 74. Let this beTree 2 Is color=red FalseTrue Is shape==circle? False true How does a Random Forest work?
  • 75. Let this beTree 3 Is diameter=1 FalseTrue Grows in summer? False True How does a Random Forest work?
  • 76. Is diameter>=3 False True Is color Orange? False True Is color=red FalseTrue Is shape==circle? False true Is diameter=1 FalseTrue Grows in summer? False True tree 1 tree 2 tree 3 How does a Random Forest work?
  • 77. Now Lets try to classify this fruit How does a Random Forest work?
  • 78. Is diameter>=3 False True Is color Orange? False True Tree 1 classifies it as an orange How does a Random Forest work? Diameter = 3 Colour = orange Grows in summer = yes SHAPE = CIRCLE
  • 79. Tree 2 classifies it as cherries Is color=red FalseTrue Is shape==circle? False True How does a Random Forest work? Diameter = 3 Colour = orange Grows in summer = yes SHAPE = CIRCLE
  • 80. Tree 3 classifies it as orange Is diameter=1 FalseTrue Grows in summer? False True How does a Random Forest work? Diameter = 3 Colour = orange Grows in summer = yes SHAPE = CIRCLE
  • 81. Is diameter>=3 False True Is color Orange? False True Is color=red FalseTrue Is shape==circle? False True Is diameter=1 FalseTrue Grows in summer? False True Tree 1 Tree 2 Tree 3 How does a Random Forest work?
  • 82. How does a Random Forest work? orange Is diameter>=3 False True Is color Orange? False True Is color=red FalseTrue Is shape==circle? False True Is diameter=1 FalseTrue Grows in summer? False True Tree 1 Tree 2 Tree 3
  • 83. How does a Random Forest work? cherryorange Is diameter>=3 False True Is color Orange? False True Is color=red FalseTrue Is shape==circle? False True Is diameter=1 FalseTrue Grows in summer? False True Tree 1 Tree 2 Tree 3
  • 84. How does a Random Forest work? orangecherryorange Is diameter>=3 False True Is color Orange? False True Is color=red FalseTrue Is shape==circle? False True Is diameter=1 FalseTrue Grows in summer? False True Tree 1 Tree 2 Tree 3
  • 85. How does a Random Forest work? orangecherryorange Is diameter>=3 False True Is color Orange? False True Is color=red FalseTrue Is shape==circle? False True Is diameter=1 FalseTrue Grows in summer? False True Tree 1 Tree 2 Tree 3
  • 86. cherry Majority voted How does a Random Forest work? orange
  • 87. So the fruit is classified as an orange How does a Random Forest work?
  • 88. So the fruit is classified as an orange How does a Random Forest work?
  • 89. Use Case – Iris Flower Analysis
  • 90. Wonder what species of Iris do these flowers belong to? Use Case - Problem Statement
  • 91. Let’s try to predict the species of the flowers using machine learning in Python Use Case - Problem Statement
  • 92. Let’s See how it can be done Use Case - Implementation
  • 93. # Loading the library with the iris dataset from sklearn.datasets import load_iris # Loading scikit's random forest classifier library from sklearn.ensemble import RandomForestClassifier # Loading pandas import pandas as pd # Loading numpy import numpy as np # Setting random seed np.random.seed(0) Use Case - Implementation
  • 94. # Creating an object called iris with the iris data iris = load_iris() # Creating a dataframe with the four feature variables df = pd.DataFrame(iris.data, columns=iris.feature_names) # Viewing the top 5 rows df.head() Use Case - Implementation
  • 95. # Adding a new column for the species name df['species'] = pd.Categorical.from_codes(iris.target, iris.target_names) # Viewing the top 5 rows df.head() Use Case - Implementation
  • 96. # Creating Test and Train Data df['is_train'] = np.random.uniform(0, 1, len(df)) <= .75 # View the top 5 rows df.head() Use Case - Implementation
  • 97. # Creating dataframes with test rows and training rows train, test = df[df['is_train']==True], df[df['is_train']==False] # Show the number of observations for the test and training dataframes print('Number of observations in the training data:', len(train)) print('Number of observations in the test data:',len(test)) Use Case - Implementation
  • 98. # Create a list of the feature column's names features = df.columns[:4] # View features features Use Case - Implementation
  • 99. # Converting each species name into digits y = pd.factorize(train['species'])[0] # Viewing target y Use Case - Implementation
  • 100. # Creating a random forest Classifier. clf = RandomForestClassifier(n_jobs=2, random_state=0) # Training the classifier clf.fit(train[features], y) Use Case - Implementation
  • 101. # Applying the trained Classifier to the test clf.predict(test[features]) Use Case - Implementation
  • 102. # Viewing the predicted probabilities of the first 10 observations clf.predict_proba(test[features])[0:10] Use Case - Implementation
  • 103. # mapping names for the plants for each predicted plant class preds = iris.target_names[clf.predict(test[features])] # View the PREDICTED species for the first five observations preds[0:5] Use Case - Implementation
  • 104. # Viewing the ACTUAL species for the first five observations test['species'].head() Use Case - Implementation
  • 105. # Creating confusion matrix pd.crosstab(test['species'], preds, rownames=['Actual Species'], colnames=['Predicted Species']) Use Case - Implementation
  • 106. Use Case - Implementation Total number of predictions = 32
  • 107. Use Case - Implementation Number of accurate predictions = 30
  • 108. Use Case - Implementation Number of inaccurate predictions = 2
  • 109. Use Case - Implementation ModelAccuracy 30 32 X 100 = 93
  • 110. Use Case - Implementation So the model accuracy is 93% ModelAccuracy 30 32 X 100 = 93

Notes de l'éditeur

  1. Style - 01
  2. Style - 01
  3. Style - 01
  4. Style - 01
  5. Style - 01
  6. Style - 01
  7. Style - 01
  8. Style - 01
  9. Style - 01
  10. Style - 01
  11. Style - 01
  12. Style - 01
  13. Style - 01
  14. Style - 01
  15. Style - 01
  16. Style - 01
  17. Style - 01
  18. Style - 01
  19. Style - 01
  20. Style - 01
  21. Style - 01
  22. Style - 01
  23. Style - 01
  24. Style - 01
  25. Style - 01
  26. Style - 01
  27. Style - 01
  28. Style - 01
  29. Style - 01
  30. Style - 01
  31. Style - 01
  32. Style - 01
  33. Style - 01
  34. Style - 01
  35. Style - 01
  36. Style - 01
  37. Style - 01
  38. Style - 01
  39. Style - 01
  40. Style - 01
  41. Style - 01
  42. Style - 01
  43. Style - 01
  44. Style - 01
  45. Style - 01
  46. Style - 01
  47. Style - 01
  48. Style - 01
  49. Style - 01
  50. Style - 01
  51. Style - 01
  52. Style - 01
  53. Style - 01
  54. Style - 01
  55. Style - 01
  56. Style - 01
  57. Style - 01
  58. Style - 01
  59. Style - 01
  60. Style - 01
  61. Style - 01
  62. Style - 01
  63. Style - 01
  64. Style - 01
  65. Style - 01
  66. Style - 01
  67. Style - 01
  68. Style - 01
  69. Style - 01
  70. Style - 01
  71. Style - 01
  72. Style - 01
  73. Style - 01
  74. Style - 01
  75. Style - 01
  76. Style - 01
  77. Style - 01
  78. Style - 01
  79. Style - 01
  80. Style - 01
  81. Style - 01
  82. Style - 01
  83. Style - 01
  84. Style - 01
  85. Style - 01
  86. Style - 01
  87. Style - 01
  88. Style - 01
  89. Style - 01
  90. Style - 01
  91. Style - 01
  92. Style - 01
  93. Style - 01
  94. Style - 01
  95. Style - 01
  96. Style - 01
  97. Style - 01
  98. Style - 01
  99. Style - 01
  100. Style - 01
  101. Style - 01
  102. Style - 01
  103. Style - 01
  104. Style - 01