SlideShare a Scribd company logo
©2018 Extreme Networks, Inc. All rights reserved
Bin Han
Serial GTAC ENG in APAC
Python Tutorial for Machine Learning
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 1: Check Version
2
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 2: NumPy, Pandas and Matplotlib
3
print myfirstarray
print myfristdataframe
plt.show()
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 3: Load CSV Data from Pandas
4
print data.head(10)
‘https://goo.gl/bDdBiA’
is Pima Indians Diabetes
from UCI Machine Learning Repository
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 4: Data Description in Pandas
5
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 5: Visualize Data
6
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 6: Pre-Processing Data for Modeling
7
See Definition of Pre-processing Data
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 7: Resampling Methods
8
Accuracy =
!"#$$%"&
!&#&'(
See Definition of k-fold Cross Validation
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 8: Algorithm Evaluation Metric for Classification Model
9
The following Evaluation Metrics are
used to classification model:
• Accuracy
• Precision
• Recall
• F score
• ROC
• AUC
• Log Loss
See Definition of Log Loss
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 9: Algorithm Evaluation Metric for Regression Model
10
The following Evaluation Metrics are used to
regression model:
• R2 (Coefficient of determination)
• MAE(Mean Absolute Error)
• RMSE(Root Means Squared Error)
• MAPE(Mean Absolute % Error)
• MSE(Mean Squared Error)
See Definition of MSE
‘https://goo.gl/FmJUSM’
is Boston House Price dataset
from UCI Machine Learning Repository
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 10: Algorithm Comparison
11
See Machine Learning Algorithm
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 11: Improve Accuracy with Tuning the Hyperparameter
12
See Tuning the Hyperparameter
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 12: Improve Accuracy with Ensemble Learning
13
See Ensemble Learning
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 13: Finalize and Save the Model
14
Save the serialized format to a file
Load the model and evaluate it
See Model Validation Strategy
©2018 Extreme Networks, Inc. All rights reserved
Summary: Machine Learning Workflow
15
Tutorial 3, 4, 5
Tutorial 6
Tutorial 7, 8, 9
Tutorial 10
Tutorial 11, 12
Tutorial 13
©2018 Extreme Networks, Inc. All rights reserved
Reference
16
Tutorial 1 Installing scipy
Installing numpy
Installing matplotlib
Installing pandas
Installing sklearn
Tutorial 2 random
cumsum
Tutorial 3 pandas read_csv
Tutorial 4 pandas describe
Tutorial 5 pandas values
Tutorial 6 pandas values
scikit-learn preprocessing data
scikit-learn standard scaler
Tutorial 7 model_selection KFold
model_selection cross_val_score
Tutorial 8 scoring parameter
Tutorial 9 mean squared error
Tutorial 10 supervised learning
unsupervised_learning
Tutorial 11 linear_model RidgeCV
model_selection GridSearchCV
Tuning the hyper-parameters
Tutorial 12 ensemble VotingClassifier
Tutorial 13 pickle operation
Data Sets Model UCI Machine Learning Repository
Workflow Machine Learning in MATLAB
©2018 Extreme Networks, Inc. All rights reserved
Knowledge Reference
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 6: Math Definition of Pre-Process Data
Data normalization re-scales numerical values to a specified
range. Methods include:
§ Min-Max Normalization
– Linearly transform the data to range, i.e., 0 ~ 1, where mix value
is “0” and max value is “1”
– !"#$% =
'(')*+
'),-(')*+
§ Standardization
– Scale data based on mean and standard deviation
– z =
' ( .
/
§ Decimal scaling
– Scale the day by moving the decimal point of the attribute value
18
CLICK HERE
To GO BACK
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 7: Resampling Methods for k-fold cross validation
K-fold cross validation: the data set is divided into k equal size subset
The data set is divided into ”k” subsets, and the hold-out validation is repeated ”k” times.
19
CLICK HERE
To GO BACK
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 8: Algorithm Evaluation Metric for Log Loss
Logistic Regression Loss function (Log Loss)
The loss function for linear regression is square loss. The loss function for logistic regression is Log Loss.
20
Log Loss vs. Accuracy
§ Accuracy is the count of predictions where your predicted value equals the actual value.
§ Log Loss takes into account the uncertainty of your prediction based on how much it varies from the
actual label
CLICK HERE
To GO BACK
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 9: Algorithm Evaluation Metric for MSE
21
Mean Square Error (MSE)
• MSE measures the average sum of
squares of the difference between
the actual value the predicted values
for all data points. Because of the
square, the negative values do not
cancel positive values and it also
amplifies the impact of the errors
• Because of the square, large errors
have relatively greater influence on
MSE than do the smaller error
• The best regression is the one the
minimizes MSE. Thus, a smaller
score is better
CLICK HERE
To GO BACK
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 10: See Some of Machine Learning Algorithms
22
CLICK HERE
To GO BACK
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 11: Tuning the Hyperparameter
23
Hyper-parameter tuning is an iterative process
You can tune hyperparameters manually. You can
explore many combinations of hyperparameter
values until you find a great combination. But this
would be very tedious work. Instead you can
better approaches by using
l Grid Search
l Random Search
l Bayesian Optimization
Grid search tries the exhaustive searches for all the
possible hyperparameter combinations.
CLICK HERE
To GO BACK
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 12: Ensemble Learning
24
Ensemble learning is a machine learning paradigm where multiple learners are trained can combined to solve the same
problem. By using multiple learners, the generalization ability of a ensemble can be much better than that of a single learner.
Wisdom of the crowd
CLICK HERE
To GO BACK
©2018 Extreme Networks, Inc. All rights reserved
Tutorial 13: Model Validation Strategy
25
CLICK HERE
To GO BACK
©2018 Extreme Networks, Inc. All rights reserved
WWW.EXTREMENETWORKS.COM

More Related Content

What's hot (20)

PDF
Random Matrix Theory and Machine Learning - Part 1
Fabian Pedregosa
 
PPTX
ppt 20BET1024.pptx
ManeetBali
 
PDF
Credit card payment_fraud_detection
PEIPEI HAN
 
PPT
CREDIT_CARD.ppt
Balasubramani Manickam
 
PPT
neural networks
Institute of Technology Telkom
 
PPTX
Image classification using cnn
Debarko De
 
PDF
Towards speech intention understanding in korean
NAVER Engineering
 
PPTX
Credit card fraud detection
vineeta vineeta
 
PPTX
Credit Card Fraudulent Transaction Detection Research Paper
Garvit Burad
 
PDF
Domain adaptation: A Theoretical View
Chia-Ching Lin
 
PPT
backpropagation in neural networks
Akash Goel
 
PPTX
Generative Adversarial Network (GAN)
Prakhar Rastogi
 
PDF
Gradient descent method
Sanghyuk Chun
 
PPTX
House Price Prediction An AI Approach.
Nahian Ahmed
 
PPTX
House price prediction
SabahBegum
 
PPTX
Diffusion models beat gans on image synthesis
BeerenSahu
 
PPT
Data mining Software "RapidMiner" Presentation
Md. Mizanur Rahman Nur
 
PPTX
Feedforward neural network
Sopheaktra YONG
 
PDF
Dropout as a Bayesian Approximation
Sangwoo Mo
 
PPTX
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
Simplilearn
 
Random Matrix Theory and Machine Learning - Part 1
Fabian Pedregosa
 
ppt 20BET1024.pptx
ManeetBali
 
Credit card payment_fraud_detection
PEIPEI HAN
 
CREDIT_CARD.ppt
Balasubramani Manickam
 
Image classification using cnn
Debarko De
 
Towards speech intention understanding in korean
NAVER Engineering
 
Credit card fraud detection
vineeta vineeta
 
Credit Card Fraudulent Transaction Detection Research Paper
Garvit Burad
 
Domain adaptation: A Theoretical View
Chia-Ching Lin
 
backpropagation in neural networks
Akash Goel
 
Generative Adversarial Network (GAN)
Prakhar Rastogi
 
Gradient descent method
Sanghyuk Chun
 
House Price Prediction An AI Approach.
Nahian Ahmed
 
House price prediction
SabahBegum
 
Diffusion models beat gans on image synthesis
BeerenSahu
 
Data mining Software "RapidMiner" Presentation
Md. Mizanur Rahman Nur
 
Feedforward neural network
Sopheaktra YONG
 
Dropout as a Bayesian Approximation
Sangwoo Mo
 
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
Simplilearn
 

Similar to Python tutorial for ML (20)

PDF
Machine Learning Crash Course by Sebastian Raschka
PawanJayarathna1
 
PDF
Lecture 10 - Model Testing and Evaluation, a lecture in subject module Statis...
Maninda Edirisooriya
 
PPTX
Machine Learning Essentials Demystified part2 | Big Data Demystified
Omid Vahdaty
 
PPTX
Intro to Machine Learning for non-Data Scientists
Parinaz Ameri
 
PDF
Choosing a Machine Learning technique to solve your need
GibDevs
 
PPTX
Intro to ml_2021
Sanghamitra Deb
 
PPTX
Evaluating machine learning claims
Hoffman Lab
 
PDF
The Machine Learning Workflow with Azure
Ivo Andreev
 
PPTX
Machine learning with scikitlearn
Pratap Dangeti
 
PPTX
Machine Learning Essentials Demystified part1 | Big Data Demystified
Omid Vahdaty
 
PPTX
Decision tree, softmax regression and ensemble methods in machine learning
Abhishek Vijayvargia
 
PDF
Introduction to machine learning
Sanghamitra Deb
 
PPTX
Machine learning workshop @DYP Pune
Ganesh Raskar
 
PPTX
Machine learning introduction lecture notes
UmeshJagga1
 
PPTX
Machine learning
Vikas Sinha
 
PPTX
Machine Learning Presentation - Vilnius Tech
RicardoSibrin
 
PDF
Machine learning and its parameter is discussed here
RevathiSundar4
 
PPTX
AI-900 - Fundamental Principles of ML.pptx
kprasad8
 
PPTX
MACHINE LEARNING YEAR DL SECOND PART.pptx
NAGARAJANS68
 
PPTX
ML_in_QM_JC_02-10-18
Suzanne Wallace
 
Machine Learning Crash Course by Sebastian Raschka
PawanJayarathna1
 
Lecture 10 - Model Testing and Evaluation, a lecture in subject module Statis...
Maninda Edirisooriya
 
Machine Learning Essentials Demystified part2 | Big Data Demystified
Omid Vahdaty
 
Intro to Machine Learning for non-Data Scientists
Parinaz Ameri
 
Choosing a Machine Learning technique to solve your need
GibDevs
 
Intro to ml_2021
Sanghamitra Deb
 
Evaluating machine learning claims
Hoffman Lab
 
The Machine Learning Workflow with Azure
Ivo Andreev
 
Machine learning with scikitlearn
Pratap Dangeti
 
Machine Learning Essentials Demystified part1 | Big Data Demystified
Omid Vahdaty
 
Decision tree, softmax regression and ensemble methods in machine learning
Abhishek Vijayvargia
 
Introduction to machine learning
Sanghamitra Deb
 
Machine learning workshop @DYP Pune
Ganesh Raskar
 
Machine learning introduction lecture notes
UmeshJagga1
 
Machine learning
Vikas Sinha
 
Machine Learning Presentation - Vilnius Tech
RicardoSibrin
 
Machine learning and its parameter is discussed here
RevathiSundar4
 
AI-900 - Fundamental Principles of ML.pptx
kprasad8
 
MACHINE LEARNING YEAR DL SECOND PART.pptx
NAGARAJANS68
 
ML_in_QM_JC_02-10-18
Suzanne Wallace
 
Ad

More from Bin Han (13)

PDF
35 extreme application_telemetry_exos_hanbin
Bin Han
 
PDF
Exos ztp usb2
Bin Han
 
PDF
Exos ztp usb1
Bin Han
 
PDF
Wi-Fi 6 導入
Bin Han
 
PPTX
Extreme application telemetry_hanbin
Bin Han
 
PDF
Pv fc-180 connection-han_bin
Bin Han
 
PDF
Fabric connect-the-quiet-revolution-white-paper-japanese
Bin Han
 
PDF
Extreme defender-for-iot-solution-brief-1 version2
Bin Han
 
PDF
Wireless japan defender
Bin Han
 
PPTX
Extreme wirelesswing nx5500_setting
Bin Han
 
PDF
ポリシーを利用しネットワークをシンプルに!!
Bin Han
 
PPTX
Comparison VSP/ERS with exos
Bin Han
 
PDF
厳しい環境でWi-Fi ネットワーク展開
Bin Han
 
35 extreme application_telemetry_exos_hanbin
Bin Han
 
Exos ztp usb2
Bin Han
 
Exos ztp usb1
Bin Han
 
Wi-Fi 6 導入
Bin Han
 
Extreme application telemetry_hanbin
Bin Han
 
Pv fc-180 connection-han_bin
Bin Han
 
Fabric connect-the-quiet-revolution-white-paper-japanese
Bin Han
 
Extreme defender-for-iot-solution-brief-1 version2
Bin Han
 
Wireless japan defender
Bin Han
 
Extreme wirelesswing nx5500_setting
Bin Han
 
ポリシーを利用しネットワークをシンプルに!!
Bin Han
 
Comparison VSP/ERS with exos
Bin Han
 
厳しい環境でWi-Fi ネットワーク展開
Bin Han
 
Ad

Recently uploaded (20)

PDF
Mastering Financial Management in Direct Selling
Epixel MLM Software
 
PPTX
Building Search Using OpenSearch: Limitations and Workarounds
Sease
 
PDF
NewMind AI - Journal 100 Insights After The 100th Issue
NewMind AI
 
PDF
Presentation - Vibe Coding The Future of Tech
yanuarsinggih1
 
PDF
Reverse Engineering of Security Products: Developing an Advanced Microsoft De...
nwbxhhcyjv
 
PPTX
OpenID AuthZEN - Analyst Briefing July 2025
David Brossard
 
PDF
CIFDAQ Weekly Market Wrap for 11th July 2025
CIFDAQ
 
PDF
Fl Studio 24.2.2 Build 4597 Crack for Windows Free Download 2025
faizk77g
 
PDF
Agentic AI lifecycle for Enterprise Hyper-Automation
Debmalya Biswas
 
PDF
CIFDAQ Market Insights for July 7th 2025
CIFDAQ
 
PDF
"Beyond English: Navigating the Challenges of Building a Ukrainian-language R...
Fwdays
 
PDF
[Newgen] NewgenONE Marvin Brochure 1.pdf
darshakparmar
 
PDF
POV_ Why Enterprises Need to Find Value in ZERO.pdf
darshakparmar
 
PPTX
WooCommerce Workshop: Bring Your Laptop
Laura Hartwig
 
PDF
From Code to Challenge: Crafting Skill-Based Games That Engage and Reward
aiyshauae
 
PPTX
AUTOMATION AND ROBOTICS IN PHARMA INDUSTRY.pptx
sameeraaabegumm
 
PDF
What Makes Contify’s News API Stand Out: Key Features at a Glance
Contify
 
PDF
Transcript: New from BookNet Canada for 2025: BNC BiblioShare - Tech Forum 2025
BookNet Canada
 
PPTX
COMPARISON OF RASTER ANALYSIS TOOLS OF QGIS AND ARCGIS
Sharanya Sarkar
 
PDF
Jak MŚP w Europie Środkowo-Wschodniej odnajdują się w świecie AI
dominikamizerska1
 
Mastering Financial Management in Direct Selling
Epixel MLM Software
 
Building Search Using OpenSearch: Limitations and Workarounds
Sease
 
NewMind AI - Journal 100 Insights After The 100th Issue
NewMind AI
 
Presentation - Vibe Coding The Future of Tech
yanuarsinggih1
 
Reverse Engineering of Security Products: Developing an Advanced Microsoft De...
nwbxhhcyjv
 
OpenID AuthZEN - Analyst Briefing July 2025
David Brossard
 
CIFDAQ Weekly Market Wrap for 11th July 2025
CIFDAQ
 
Fl Studio 24.2.2 Build 4597 Crack for Windows Free Download 2025
faizk77g
 
Agentic AI lifecycle for Enterprise Hyper-Automation
Debmalya Biswas
 
CIFDAQ Market Insights for July 7th 2025
CIFDAQ
 
"Beyond English: Navigating the Challenges of Building a Ukrainian-language R...
Fwdays
 
[Newgen] NewgenONE Marvin Brochure 1.pdf
darshakparmar
 
POV_ Why Enterprises Need to Find Value in ZERO.pdf
darshakparmar
 
WooCommerce Workshop: Bring Your Laptop
Laura Hartwig
 
From Code to Challenge: Crafting Skill-Based Games That Engage and Reward
aiyshauae
 
AUTOMATION AND ROBOTICS IN PHARMA INDUSTRY.pptx
sameeraaabegumm
 
What Makes Contify’s News API Stand Out: Key Features at a Glance
Contify
 
Transcript: New from BookNet Canada for 2025: BNC BiblioShare - Tech Forum 2025
BookNet Canada
 
COMPARISON OF RASTER ANALYSIS TOOLS OF QGIS AND ARCGIS
Sharanya Sarkar
 
Jak MŚP w Europie Środkowo-Wschodniej odnajdują się w świecie AI
dominikamizerska1
 

Python tutorial for ML

  • 1. ©2018 Extreme Networks, Inc. All rights reserved Bin Han Serial GTAC ENG in APAC Python Tutorial for Machine Learning
  • 2. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 1: Check Version 2
  • 3. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 2: NumPy, Pandas and Matplotlib 3 print myfirstarray print myfristdataframe plt.show()
  • 4. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 3: Load CSV Data from Pandas 4 print data.head(10) ‘https://goo.gl/bDdBiA’ is Pima Indians Diabetes from UCI Machine Learning Repository
  • 5. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 4: Data Description in Pandas 5
  • 6. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 5: Visualize Data 6
  • 7. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 6: Pre-Processing Data for Modeling 7 See Definition of Pre-processing Data
  • 8. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 7: Resampling Methods 8 Accuracy = !"#$$%"& !&#&'( See Definition of k-fold Cross Validation
  • 9. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 8: Algorithm Evaluation Metric for Classification Model 9 The following Evaluation Metrics are used to classification model: • Accuracy • Precision • Recall • F score • ROC • AUC • Log Loss See Definition of Log Loss
  • 10. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 9: Algorithm Evaluation Metric for Regression Model 10 The following Evaluation Metrics are used to regression model: • R2 (Coefficient of determination) • MAE(Mean Absolute Error) • RMSE(Root Means Squared Error) • MAPE(Mean Absolute % Error) • MSE(Mean Squared Error) See Definition of MSE ‘https://goo.gl/FmJUSM’ is Boston House Price dataset from UCI Machine Learning Repository
  • 11. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 10: Algorithm Comparison 11 See Machine Learning Algorithm
  • 12. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 11: Improve Accuracy with Tuning the Hyperparameter 12 See Tuning the Hyperparameter
  • 13. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 12: Improve Accuracy with Ensemble Learning 13 See Ensemble Learning
  • 14. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 13: Finalize and Save the Model 14 Save the serialized format to a file Load the model and evaluate it See Model Validation Strategy
  • 15. ©2018 Extreme Networks, Inc. All rights reserved Summary: Machine Learning Workflow 15 Tutorial 3, 4, 5 Tutorial 6 Tutorial 7, 8, 9 Tutorial 10 Tutorial 11, 12 Tutorial 13
  • 16. ©2018 Extreme Networks, Inc. All rights reserved Reference 16 Tutorial 1 Installing scipy Installing numpy Installing matplotlib Installing pandas Installing sklearn Tutorial 2 random cumsum Tutorial 3 pandas read_csv Tutorial 4 pandas describe Tutorial 5 pandas values Tutorial 6 pandas values scikit-learn preprocessing data scikit-learn standard scaler Tutorial 7 model_selection KFold model_selection cross_val_score Tutorial 8 scoring parameter Tutorial 9 mean squared error Tutorial 10 supervised learning unsupervised_learning Tutorial 11 linear_model RidgeCV model_selection GridSearchCV Tuning the hyper-parameters Tutorial 12 ensemble VotingClassifier Tutorial 13 pickle operation Data Sets Model UCI Machine Learning Repository Workflow Machine Learning in MATLAB
  • 17. ©2018 Extreme Networks, Inc. All rights reserved Knowledge Reference
  • 18. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 6: Math Definition of Pre-Process Data Data normalization re-scales numerical values to a specified range. Methods include: § Min-Max Normalization – Linearly transform the data to range, i.e., 0 ~ 1, where mix value is “0” and max value is “1” – !"#$% = '(')*+ '),-(')*+ § Standardization – Scale data based on mean and standard deviation – z = ' ( . / § Decimal scaling – Scale the day by moving the decimal point of the attribute value 18 CLICK HERE To GO BACK
  • 19. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 7: Resampling Methods for k-fold cross validation K-fold cross validation: the data set is divided into k equal size subset The data set is divided into ”k” subsets, and the hold-out validation is repeated ”k” times. 19 CLICK HERE To GO BACK
  • 20. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 8: Algorithm Evaluation Metric for Log Loss Logistic Regression Loss function (Log Loss) The loss function for linear regression is square loss. The loss function for logistic regression is Log Loss. 20 Log Loss vs. Accuracy § Accuracy is the count of predictions where your predicted value equals the actual value. § Log Loss takes into account the uncertainty of your prediction based on how much it varies from the actual label CLICK HERE To GO BACK
  • 21. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 9: Algorithm Evaluation Metric for MSE 21 Mean Square Error (MSE) • MSE measures the average sum of squares of the difference between the actual value the predicted values for all data points. Because of the square, the negative values do not cancel positive values and it also amplifies the impact of the errors • Because of the square, large errors have relatively greater influence on MSE than do the smaller error • The best regression is the one the minimizes MSE. Thus, a smaller score is better CLICK HERE To GO BACK
  • 22. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 10: See Some of Machine Learning Algorithms 22 CLICK HERE To GO BACK
  • 23. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 11: Tuning the Hyperparameter 23 Hyper-parameter tuning is an iterative process You can tune hyperparameters manually. You can explore many combinations of hyperparameter values until you find a great combination. But this would be very tedious work. Instead you can better approaches by using l Grid Search l Random Search l Bayesian Optimization Grid search tries the exhaustive searches for all the possible hyperparameter combinations. CLICK HERE To GO BACK
  • 24. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 12: Ensemble Learning 24 Ensemble learning is a machine learning paradigm where multiple learners are trained can combined to solve the same problem. By using multiple learners, the generalization ability of a ensemble can be much better than that of a single learner. Wisdom of the crowd CLICK HERE To GO BACK
  • 25. ©2018 Extreme Networks, Inc. All rights reserved Tutorial 13: Model Validation Strategy 25 CLICK HERE To GO BACK
  • 26. ©2018 Extreme Networks, Inc. All rights reserved WWW.EXTREMENETWORKS.COM