SlideShare a Scribd company logo
1 of 8
Machine Learning
Ensemble Methods
Portland Data Science Group
Created by Andrew Ferlitsch
Community Outreach Officer
July, 2017
Ensemble Methods
• An ensemble method is a combination of multiple and
diverse models.
• Each model in the ensemble makes a prediction.
• A final prediction is determined by a majority vote
among the models.
Model A
Model B
Model C
Input Sample
Each Model receives
the same input
Vote
Each Model outputs its
Prediction to a vote accumulator
Ĺ·3
Ĺ·1
Ĺ·2 Ĺ·f
A final predictor is determined from
a majority vote of the model’s
Predictors.
Background - Condorcet
• The theory behind Ensemble method is based on a
seminal paper written by the French mathematician,
Marquis de Condorcet in 1785.
• In his paper, he proposed a mathematical reasoning
behind majority voting in jury systems on the
probability that a jury will come to the correct decision.
Essay on the Application of Analysis to the Probability of Majority Decisions
https://en.wikipedia.org/wiki/Condorcet%27s_jury_theorem
Condorcet’s Jury Theorm
Principle:
If we assume each voter probability of making a good decision
is better than random (i.e., > 0.50), then the probability of a
good decision increases with each voter added.
He showed the converse was also true. If we assume each voter
probability of making a good decision is less than random
(i.e., < 0.50), then the probability of a good decision decreases
with each voter added.
Example
Even if the probability is slightly more than random (e.g., 0.51),
the principle holds true.
p(0.51) + p(0.51) + p(0.51) … = p(> 0.51)
Weak Learners
• In an Ensemble method, one combines multiple weak learners to
make a strong learning model.
• A weak learner is any model that has an accuracy of better than
random, even if it is just slightly better (e.g., 0.51).
Weak Learner 1
Weak Learner 2
Weak Learner N
…
Majority
Vote
Strong Learner
Ensemble – Decision Stumps
Decision Stumps – Weak Learners
1st Feature
2nd Feature
< 4 >= 4
3rd Feature
weight
width
< 2.5 >= 2.5
height
banana apple
banana apple
apple
<= 4> 4
banana
MAJORITY VOTE
Weight: 4.2 = Apple
Width : 2.3 = Banana
Height : 5.5 = Banana
VOTE = Banana
Bootstrap Aggregation (Bagging)
• Bagging is a method of deriving multiple models from
the same training data, where each model uses a subset
of the training data selected at random.
• A prediction is then made based on a majority vote of
the models.
Training
Data
Random
Subset
Random
Subset
Random
Subset
Random
Subset
Random
Subsets
Random Splitting into Subsets
Models
Models
Models
Models
Models
Trained Weaker Models
Majority
Vote
Models’ Predictions
Stronger Predictor
Random Forrest
• Random Forrest is a popular ensemble method.
• Used for Decision Trees (majority vote) or Regression (mean).
• Good at solving issues of overfitting in Decision Trees.
• Combines Bagging and Splitting of Features.
• Split the training data into B random selected subsets.
• Split the features into K random selected subsets
(e.g., K = sqrt( number of features).
• Produce K models, one per feature subset, per data subset,
for a total of K*B models (e.g., random decision trees).
• Use majority voting (decision tree) or mean (regression) to
predict a result.

More Related Content

What's hot

Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods Marina Santini
 
Unsupervised learning clustering
Unsupervised learning clusteringUnsupervised learning clustering
Unsupervised learning clusteringArshad Farhad
 
Decision Tree - C4.5&CART
Decision Tree - C4.5&CARTDecision Tree - C4.5&CART
Decision Tree - C4.5&CARTXueping Peng
 
Instance based learning
Instance based learningInstance based learning
Instance based learningSlideshare
 
boosting algorithm
boosting algorithmboosting algorithm
boosting algorithmPrithvi Paneru
 
Decision Trees for Classification: A Machine Learning Algorithm
Decision Trees for Classification: A Machine Learning AlgorithmDecision Trees for Classification: A Machine Learning Algorithm
Decision Trees for Classification: A Machine Learning AlgorithmPalin analytics
 
Linear regression
Linear regressionLinear regression
Linear regressionMartinHogg9
 
Decision trees in Machine Learning
Decision trees in Machine Learning Decision trees in Machine Learning
Decision trees in Machine Learning Mohammad Junaid Khan
 
Machine Learning With Logistic Regression
Machine Learning  With Logistic RegressionMachine Learning  With Logistic Regression
Machine Learning With Logistic RegressionKnoldus Inc.
 
Unsupervised learning
Unsupervised learningUnsupervised learning
Unsupervised learningamalalhait
 
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-Folds Cross Validation Method
K-Folds Cross Validation MethodK-Folds Cross Validation Method
K-Folds Cross Validation MethodSHUBHAM GUPTA
 
Machine learning session4(linear regression)
Machine learning   session4(linear regression)Machine learning   session4(linear regression)
Machine learning session4(linear regression)Abhimanyu Dwivedi
 
2.5 backpropagation
2.5 backpropagation2.5 backpropagation
2.5 backpropagationKrish_ver2
 
Lecture 18: Gaussian Mixture Models and Expectation Maximization
Lecture 18: Gaussian Mixture Models and Expectation MaximizationLecture 18: Gaussian Mixture Models and Expectation Maximization
Lecture 18: Gaussian Mixture Models and Expectation Maximizationbutest
 
Performance Metrics for Machine Learning Algorithms
Performance Metrics for Machine Learning AlgorithmsPerformance Metrics for Machine Learning Algorithms
Performance Metrics for Machine Learning AlgorithmsKush Kulshrestha
 

What's hot (20)

Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods
 
Unsupervised learning clustering
Unsupervised learning clusteringUnsupervised learning clustering
Unsupervised learning clustering
 
Decision Tree - C4.5&CART
Decision Tree - C4.5&CARTDecision Tree - C4.5&CART
Decision Tree - C4.5&CART
 
Instance based learning
Instance based learningInstance based learning
Instance based learning
 
boosting algorithm
boosting algorithmboosting algorithm
boosting algorithm
 
Machine learning
Machine learningMachine learning
Machine learning
 
Decision Trees for Classification: A Machine Learning Algorithm
Decision Trees for Classification: A Machine Learning AlgorithmDecision Trees for Classification: A Machine Learning Algorithm
Decision Trees for Classification: A Machine Learning Algorithm
 
Linear regression
Linear regressionLinear regression
Linear regression
 
Machine learning
Machine learningMachine learning
Machine learning
 
Decision trees in Machine Learning
Decision trees in Machine Learning Decision trees in Machine Learning
Decision trees in Machine Learning
 
Machine Learning With Logistic Regression
Machine Learning  With Logistic RegressionMachine Learning  With Logistic Regression
Machine Learning With Logistic Regression
 
Unsupervised learning
Unsupervised learningUnsupervised learning
Unsupervised learning
 
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...
 
K-Folds Cross Validation Method
K-Folds Cross Validation MethodK-Folds Cross Validation Method
K-Folds Cross Validation Method
 
Gradient descent method
Gradient descent methodGradient descent method
Gradient descent method
 
Machine learning session4(linear regression)
Machine learning   session4(linear regression)Machine learning   session4(linear regression)
Machine learning session4(linear regression)
 
2.5 backpropagation
2.5 backpropagation2.5 backpropagation
2.5 backpropagation
 
Lecture 18: Gaussian Mixture Models and Expectation Maximization
Lecture 18: Gaussian Mixture Models and Expectation MaximizationLecture 18: Gaussian Mixture Models and Expectation Maximization
Lecture 18: Gaussian Mixture Models and Expectation Maximization
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Performance Metrics for Machine Learning Algorithms
Performance Metrics for Machine Learning AlgorithmsPerformance Metrics for Machine Learning Algorithms
Performance Metrics for Machine Learning Algorithms
 

Similar to Machine Learning - Ensemble Methods

Random Forest.pptx
Random Forest.pptxRandom Forest.pptx
Random Forest.pptxSPIDERSRSTV
 
SAMPLING METHODS ( PROBABILITY SAMPLING).pptx
SAMPLING METHODS ( PROBABILITY SAMPLING).pptxSAMPLING METHODS ( PROBABILITY SAMPLING).pptx
SAMPLING METHODS ( PROBABILITY SAMPLING).pptxPoojaSen20
 
Survey Method in Research
Survey Method in ResearchSurvey Method in Research
Survey Method in ResearchJasmin Cruz
 
Applied Statistics : Sampling method & central limit theorem
Applied Statistics : Sampling method & central limit theoremApplied Statistics : Sampling method & central limit theorem
Applied Statistics : Sampling method & central limit theoremwahidsajol
 
samplingdesignppt.pdf
samplingdesignppt.pdfsamplingdesignppt.pdf
samplingdesignppt.pdfDiksha Vashisht
 
Sampling design ppt
Sampling design pptSampling design ppt
Sampling design pptShilpi Panchal
 
SPTC-0502-Q3-FPtkhdhkdyidyidiykyryiriyrF.pptx
SPTC-0502-Q3-FPtkhdhkdyidyidiykyryiriyrF.pptxSPTC-0502-Q3-FPtkhdhkdyidyidiykyryiriyrF.pptx
SPTC-0502-Q3-FPtkhdhkdyidyidiykyryiriyrF.pptxKurtJanPlopenio2
 
Bmgt 311 chapter_9
Bmgt 311 chapter_9Bmgt 311 chapter_9
Bmgt 311 chapter_9Chris Lovett
 
sampling methods
sampling methodssampling methods
sampling methodsDanieBekele1
 
Chapter 7 sampling methods
Chapter 7 sampling methodsChapter 7 sampling methods
Chapter 7 sampling methodsNiranjanHN3
 
chapter8-sampling-IoxO.pptx
chapter8-sampling-IoxO.pptxchapter8-sampling-IoxO.pptx
chapter8-sampling-IoxO.pptxBenjJamiesonDuag2
 
chapter8-sampling-IoxO.pptx
chapter8-sampling-IoxO.pptxchapter8-sampling-IoxO.pptx
chapter8-sampling-IoxO.pptxAliSher68
 
Intro to machine learning
Intro to machine learningIntro to machine learning
Intro to machine learningAkshay Kanchan
 
Probability & Non-Probability.pptx
Probability & Non-Probability.pptxProbability & Non-Probability.pptx
Probability & Non-Probability.pptxfakharmasood2
 

Similar to Machine Learning - Ensemble Methods (20)

Random Forest.pptx
Random Forest.pptxRandom Forest.pptx
Random Forest.pptx
 
SAMPLING METHODS ( PROBABILITY SAMPLING).pptx
SAMPLING METHODS ( PROBABILITY SAMPLING).pptxSAMPLING METHODS ( PROBABILITY SAMPLING).pptx
SAMPLING METHODS ( PROBABILITY SAMPLING).pptx
 
Survey Method in Research
Survey Method in ResearchSurvey Method in Research
Survey Method in Research
 
Applied Statistics : Sampling method & central limit theorem
Applied Statistics : Sampling method & central limit theoremApplied Statistics : Sampling method & central limit theorem
Applied Statistics : Sampling method & central limit theorem
 
samplingdesignppt.pdf
samplingdesignppt.pdfsamplingdesignppt.pdf
samplingdesignppt.pdf
 
Lec 18-19.pptx
Lec 18-19.pptxLec 18-19.pptx
Lec 18-19.pptx
 
Sampling design ppt
Sampling design pptSampling design ppt
Sampling design ppt
 
SPTC-0502-Q3-FPtkhdhkdyidyidiykyryiriyrF.pptx
SPTC-0502-Q3-FPtkhdhkdyidyidiykyryiriyrF.pptxSPTC-0502-Q3-FPtkhdhkdyidyidiykyryiriyrF.pptx
SPTC-0502-Q3-FPtkhdhkdyidyidiykyryiriyrF.pptx
 
Bmgt 311 chapter_9
Bmgt 311 chapter_9Bmgt 311 chapter_9
Bmgt 311 chapter_9
 
sampling methods
sampling methodssampling methods
sampling methods
 
Sampling....
Sampling....Sampling....
Sampling....
 
Chapter 7 sampling methods
Chapter 7 sampling methodsChapter 7 sampling methods
Chapter 7 sampling methods
 
chapter8-sampling-IoxO.pptx
chapter8-sampling-IoxO.pptxchapter8-sampling-IoxO.pptx
chapter8-sampling-IoxO.pptx
 
chapter8-sampling-IoxO.pptx
chapter8-sampling-IoxO.pptxchapter8-sampling-IoxO.pptx
chapter8-sampling-IoxO.pptx
 
Intro to machine learning
Intro to machine learningIntro to machine learning
Intro to machine learning
 
Methods.pdf
Methods.pdfMethods.pdf
Methods.pdf
 
Population and Sampling.pptx
Population and Sampling.pptxPopulation and Sampling.pptx
Population and Sampling.pptx
 
Sampling Designs
Sampling DesignsSampling Designs
Sampling Designs
 
Probability & Non-Probability.pptx
Probability & Non-Probability.pptxProbability & Non-Probability.pptx
Probability & Non-Probability.pptx
 
Sampling.pptx
Sampling.pptxSampling.pptx
Sampling.pptx
 

More from Andrew Ferlitsch

AI - Intelligent Agents
AI - Intelligent AgentsAI - Intelligent Agents
AI - Intelligent AgentsAndrew Ferlitsch
 
Pareto Principle Applied to QA
Pareto Principle Applied to QAPareto Principle Applied to QA
Pareto Principle Applied to QAAndrew Ferlitsch
 
Whiteboarding Coding Challenges in Python
Whiteboarding Coding Challenges in PythonWhiteboarding Coding Challenges in Python
Whiteboarding Coding Challenges in PythonAndrew Ferlitsch
 
Object Oriented Programming Principles
Object Oriented Programming PrinciplesObject Oriented Programming Principles
Object Oriented Programming PrinciplesAndrew Ferlitsch
 
Python - OOP Programming
Python - OOP ProgrammingPython - OOP Programming
Python - OOP ProgrammingAndrew Ferlitsch
 
Python - Installing and Using Python and Jupyter Notepad
Python - Installing and Using Python and Jupyter NotepadPython - Installing and Using Python and Jupyter Notepad
Python - Installing and Using Python and Jupyter NotepadAndrew Ferlitsch
 
Natural Language Processing - Groupings (Associations) Generation
Natural Language Processing - Groupings (Associations) GenerationNatural Language Processing - Groupings (Associations) Generation
Natural Language Processing - Groupings (Associations) GenerationAndrew Ferlitsch
 
Natural Language Provessing - Handling Narrarive Fields in Datasets for Class...
Natural Language Provessing - Handling Narrarive Fields in Datasets for Class...Natural Language Provessing - Handling Narrarive Fields in Datasets for Class...
Natural Language Provessing - Handling Narrarive Fields in Datasets for Class...Andrew Ferlitsch
 
Machine Learning - Introduction to Recurrent Neural Networks
Machine Learning - Introduction to Recurrent Neural NetworksMachine Learning - Introduction to Recurrent Neural Networks
Machine Learning - Introduction to Recurrent Neural NetworksAndrew Ferlitsch
 
Machine Learning - Introduction to Convolutional Neural Networks
Machine Learning - Introduction to Convolutional Neural NetworksMachine Learning - Introduction to Convolutional Neural Networks
Machine Learning - Introduction to Convolutional Neural NetworksAndrew Ferlitsch
 
Machine Learning - Introduction to Neural Networks
Machine Learning - Introduction to Neural NetworksMachine Learning - Introduction to Neural Networks
Machine Learning - Introduction to Neural NetworksAndrew Ferlitsch
 
Python - Numpy/Pandas/Matplot Machine Learning Libraries
Python - Numpy/Pandas/Matplot Machine Learning LibrariesPython - Numpy/Pandas/Matplot Machine Learning Libraries
Python - Numpy/Pandas/Matplot Machine Learning LibrariesAndrew Ferlitsch
 
Machine Learning - Accuracy and Confusion Matrix
Machine Learning - Accuracy and Confusion MatrixMachine Learning - Accuracy and Confusion Matrix
Machine Learning - Accuracy and Confusion MatrixAndrew Ferlitsch
 
ML - Multiple Linear Regression
ML - Multiple Linear RegressionML - Multiple Linear Regression
ML - Multiple Linear RegressionAndrew Ferlitsch
 
ML - Simple Linear Regression
ML - Simple Linear RegressionML - Simple Linear Regression
ML - Simple Linear RegressionAndrew Ferlitsch
 
Machine Learning - Dummy Variable Conversion
Machine Learning - Dummy Variable ConversionMachine Learning - Dummy Variable Conversion
Machine Learning - Dummy Variable ConversionAndrew Ferlitsch
 
Machine Learning - Splitting Datasets
Machine Learning - Splitting DatasetsMachine Learning - Splitting Datasets
Machine Learning - Splitting DatasetsAndrew Ferlitsch
 
Machine Learning - Dataset Preparation
Machine Learning - Dataset PreparationMachine Learning - Dataset Preparation
Machine Learning - Dataset PreparationAndrew Ferlitsch
 
Machine Learning - Introduction to Tensorflow
Machine Learning - Introduction to TensorflowMachine Learning - Introduction to Tensorflow
Machine Learning - Introduction to TensorflowAndrew Ferlitsch
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningAndrew Ferlitsch
 

More from Andrew Ferlitsch (20)

AI - Intelligent Agents
AI - Intelligent AgentsAI - Intelligent Agents
AI - Intelligent Agents
 
Pareto Principle Applied to QA
Pareto Principle Applied to QAPareto Principle Applied to QA
Pareto Principle Applied to QA
 
Whiteboarding Coding Challenges in Python
Whiteboarding Coding Challenges in PythonWhiteboarding Coding Challenges in Python
Whiteboarding Coding Challenges in Python
 
Object Oriented Programming Principles
Object Oriented Programming PrinciplesObject Oriented Programming Principles
Object Oriented Programming Principles
 
Python - OOP Programming
Python - OOP ProgrammingPython - OOP Programming
Python - OOP Programming
 
Python - Installing and Using Python and Jupyter Notepad
Python - Installing and Using Python and Jupyter NotepadPython - Installing and Using Python and Jupyter Notepad
Python - Installing and Using Python and Jupyter Notepad
 
Natural Language Processing - Groupings (Associations) Generation
Natural Language Processing - Groupings (Associations) GenerationNatural Language Processing - Groupings (Associations) Generation
Natural Language Processing - Groupings (Associations) Generation
 
Natural Language Provessing - Handling Narrarive Fields in Datasets for Class...
Natural Language Provessing - Handling Narrarive Fields in Datasets for Class...Natural Language Provessing - Handling Narrarive Fields in Datasets for Class...
Natural Language Provessing - Handling Narrarive Fields in Datasets for Class...
 
Machine Learning - Introduction to Recurrent Neural Networks
Machine Learning - Introduction to Recurrent Neural NetworksMachine Learning - Introduction to Recurrent Neural Networks
Machine Learning - Introduction to Recurrent Neural Networks
 
Machine Learning - Introduction to Convolutional Neural Networks
Machine Learning - Introduction to Convolutional Neural NetworksMachine Learning - Introduction to Convolutional Neural Networks
Machine Learning - Introduction to Convolutional Neural Networks
 
Machine Learning - Introduction to Neural Networks
Machine Learning - Introduction to Neural NetworksMachine Learning - Introduction to Neural Networks
Machine Learning - Introduction to Neural Networks
 
Python - Numpy/Pandas/Matplot Machine Learning Libraries
Python - Numpy/Pandas/Matplot Machine Learning LibrariesPython - Numpy/Pandas/Matplot Machine Learning Libraries
Python - Numpy/Pandas/Matplot Machine Learning Libraries
 
Machine Learning - Accuracy and Confusion Matrix
Machine Learning - Accuracy and Confusion MatrixMachine Learning - Accuracy and Confusion Matrix
Machine Learning - Accuracy and Confusion Matrix
 
ML - Multiple Linear Regression
ML - Multiple Linear RegressionML - Multiple Linear Regression
ML - Multiple Linear Regression
 
ML - Simple Linear Regression
ML - Simple Linear RegressionML - Simple Linear Regression
ML - Simple Linear Regression
 
Machine Learning - Dummy Variable Conversion
Machine Learning - Dummy Variable ConversionMachine Learning - Dummy Variable Conversion
Machine Learning - Dummy Variable Conversion
 
Machine Learning - Splitting Datasets
Machine Learning - Splitting DatasetsMachine Learning - Splitting Datasets
Machine Learning - Splitting Datasets
 
Machine Learning - Dataset Preparation
Machine Learning - Dataset PreparationMachine Learning - Dataset Preparation
Machine Learning - Dataset Preparation
 
Machine Learning - Introduction to Tensorflow
Machine Learning - Introduction to TensorflowMachine Learning - Introduction to Tensorflow
Machine Learning - Introduction to Tensorflow
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 

Recently uploaded

Scanning the Internet for External Cloud Exposures via SSL Certs
Scanning the Internet for External Cloud Exposures via SSL CertsScanning the Internet for External Cloud Exposures via SSL Certs
Scanning the Internet for External Cloud Exposures via SSL CertsRizwan Syed
 
Streamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupStreamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupFlorian Wilhelm
 
Connect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationConnect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationSlibray Presentation
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...shyamraj55
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticscarlostorres15106
 
SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024Lorenzo Miniero
 
SAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptxSAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptxNavinnSomaal
 
Artificial intelligence in cctv survelliance.pptx
Artificial intelligence in cctv survelliance.pptxArtificial intelligence in cctv survelliance.pptx
Artificial intelligence in cctv survelliance.pptxhariprasad279825
 
costume and set research powerpoint presentation
costume and set research powerpoint presentationcostume and set research powerpoint presentation
costume and set research powerpoint presentationphoebematthew05
 
My Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationMy Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationRidwan Fadjar
 
Unraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdfUnraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdfAlex Barbosa Coqueiro
 
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek SchlawackFwdays
 
Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubKalema Edgar
 
APIForce Zurich 5 April Automation LPDG
APIForce Zurich 5 April  Automation LPDGAPIForce Zurich 5 April  Automation LPDG
APIForce Zurich 5 April Automation LPDGMarianaLemus7
 
Story boards and shot lists for my a level piece
Story boards and shot lists for my a level pieceStory boards and shot lists for my a level piece
Story boards and shot lists for my a level piececharlottematthew16
 
Vertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsVertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsMiki Katsuragi
 
Beyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry InnovationBeyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry InnovationSafe Software
 

Recently uploaded (20)

Scanning the Internet for External Cloud Exposures via SSL Certs
Scanning the Internet for External Cloud Exposures via SSL CertsScanning the Internet for External Cloud Exposures via SSL Certs
Scanning the Internet for External Cloud Exposures via SSL Certs
 
Streamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupStreamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project Setup
 
Connect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationConnect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck Presentation
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
 
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptxE-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
 
SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024
 
SAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptxSAP Build Work Zone - Overview L2-L3.pptx
SAP Build Work Zone - Overview L2-L3.pptx
 
Hot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort Service
Hot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort ServiceHot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort Service
Hot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort Service
 
Artificial intelligence in cctv survelliance.pptx
Artificial intelligence in cctv survelliance.pptxArtificial intelligence in cctv survelliance.pptx
Artificial intelligence in cctv survelliance.pptx
 
costume and set research powerpoint presentation
costume and set research powerpoint presentationcostume and set research powerpoint presentation
costume and set research powerpoint presentation
 
My Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationMy Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 Presentation
 
Unraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdfUnraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdf
 
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
"Subclassing and Composition – A Pythonic Tour of Trade-Offs", Hynek Schlawack
 
Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding Club
 
DMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special EditionDMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special Edition
 
APIForce Zurich 5 April Automation LPDG
APIForce Zurich 5 April  Automation LPDGAPIForce Zurich 5 April  Automation LPDG
APIForce Zurich 5 April Automation LPDG
 
Story boards and shot lists for my a level piece
Story boards and shot lists for my a level pieceStory boards and shot lists for my a level piece
Story boards and shot lists for my a level piece
 
Vertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsVertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering Tips
 
Beyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry InnovationBeyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
Beyond Boundaries: Leveraging No-Code Solutions for Industry Innovation
 

Machine Learning - Ensemble Methods

  • 1. Machine Learning Ensemble Methods Portland Data Science Group Created by Andrew Ferlitsch Community Outreach Officer July, 2017
  • 2. Ensemble Methods • An ensemble method is a combination of multiple and diverse models. • Each model in the ensemble makes a prediction. • A final prediction is determined by a majority vote among the models. Model A Model B Model C Input Sample Each Model receives the same input Vote Each Model outputs its Prediction to a vote accumulator Ĺ·3 Ĺ·1 Ĺ·2 Ĺ·f A final predictor is determined from a majority vote of the model’s Predictors.
  • 3. Background - Condorcet • The theory behind Ensemble method is based on a seminal paper written by the French mathematician, Marquis de Condorcet in 1785. • In his paper, he proposed a mathematical reasoning behind majority voting in jury systems on the probability that a jury will come to the correct decision. Essay on the Application of Analysis to the Probability of Majority Decisions https://en.wikipedia.org/wiki/Condorcet%27s_jury_theorem
  • 4. Condorcet’s Jury Theorm Principle: If we assume each voter probability of making a good decision is better than random (i.e., > 0.50), then the probability of a good decision increases with each voter added. He showed the converse was also true. If we assume each voter probability of making a good decision is less than random (i.e., < 0.50), then the probability of a good decision decreases with each voter added. Example Even if the probability is slightly more than random (e.g., 0.51), the principle holds true. p(0.51) + p(0.51) + p(0.51) … = p(> 0.51)
  • 5. Weak Learners • In an Ensemble method, one combines multiple weak learners to make a strong learning model. • A weak learner is any model that has an accuracy of better than random, even if it is just slightly better (e.g., 0.51). Weak Learner 1 Weak Learner 2 Weak Learner N … Majority Vote Strong Learner
  • 6. Ensemble – Decision Stumps Decision Stumps – Weak Learners 1st Feature 2nd Feature < 4 >= 4 3rd Feature weight width < 2.5 >= 2.5 height banana apple banana apple apple <= 4> 4 banana MAJORITY VOTE Weight: 4.2 = Apple Width : 2.3 = Banana Height : 5.5 = Banana VOTE = Banana
  • 7. Bootstrap Aggregation (Bagging) • Bagging is a method of deriving multiple models from the same training data, where each model uses a subset of the training data selected at random. • A prediction is then made based on a majority vote of the models. Training Data Random Subset Random Subset Random Subset Random Subset Random Subsets Random Splitting into Subsets Models Models Models Models Models Trained Weaker Models Majority Vote Models’ Predictions Stronger Predictor
  • 8. Random Forrest • Random Forrest is a popular ensemble method. • Used for Decision Trees (majority vote) or Regression (mean). • Good at solving issues of overfitting in Decision Trees. • Combines Bagging and Splitting of Features. • Split the training data into B random selected subsets. • Split the features into K random selected subsets (e.g., K = sqrt( number of features). • Produce K models, one per feature subset, per data subset, for a total of K*B models (e.g., random decision trees). • Use majority voting (decision tree) or mean (regression) to predict a result.