SlideShare a Scribd company logo
1 of 133
Download to read offline
Itā€™s Not Magic
Brian Lange, Data Scientist + Partner at
Explaining
classiļ¬cation algorithms
HEADS UP
I work with some really
freakinā€™ smart people.
classiļ¬cation
algorithms
popular examples
popular examples
-spam ļ¬lters
popular examples
-spam ļ¬lters
popular examples
-spam ļ¬lters
-the Sorting Hat
things to know
things to know
- you need data labeled with the correct answers to
ā€œtrainā€ these algorithms before they work
things to know
- you need data labeled with the correct answers to
ā€œtrainā€ these algorithms before they work
- feature = dimension = column = attribute of the data
things to know
- you need data labeled with the correct answers to
ā€œtrainā€ these algorithms before they work
- feature = dimension = column = attribute of the data
- class = category = label = Harry Potter house
BIG CAVEAT
Often times choosing/creating
good features or gathering more
data will help more than
changing algorithms...
% of email body that is all-caps
# mentions
of brand
names spam
not spam
Linear
discriminants
% of email body that is all-caps
# mentions
of brand
names
% of email body that is all-caps
# mentions
of brand
names
% of email body that is all-caps
# mentions
of brand
names
% of email body that is all-caps
# mentions
of brand
names
1 wrong
% of email body that is all-caps
# mentions
of brand
names
5 wrong
% of email body that is all-caps
# mentions
of brand
names
4 wrong
% of email body that is all-caps
# mentions
of brand
names
4 wrong
y = .01x+4
terribleness
slope
intercept
a map of terribleness
to ļ¬nd the least terrible line
terribleness
slope
intercept
a map of terribleness
to ļ¬nd the least terrible line
terribleness
slope
intercept
ā€œgradient descentā€
terribleness
slope
intercept
ā€œgradient descentā€
training
data
training
data
import numpy as np
X = np.array([[1, 0.1], [3, 0.2], [5, 0.1]ā€¦])
y = np.array([1, 2, 1])
training
data
training
data
training
data
from sklearn.discriminant_analysis import LinearDiscriminantAnalysis
model = LinearDiscriminantAnalysis()
model.fit(X, y)
training
data
trained
model
new data
point
trained
model
trained
model
trained
model
new_point = np.array([1, .3])
trained
model
new_point = np.array([1, .3])
print(model.predict(new_point))
trained
model
new_point = np.array([1, .3])
print(model.predict(new_point))
1
trained
model
new_point = np.array([1, .3])
print(model.predict(new_point))
1
not
spam
prediction
trained
model
not
spam
prediction
Logistic
regression
logistic regression
ā€œdivide it with a logistic functionā€
logistic regression
ā€œdivide it with a logistic functionā€
logistic regression
ā€œdivide it with a logistic functionā€
from sklearn.linear_model import LogisticRegression
model = LogisticRegression()
model.fit(X,y)
predicted = model.predict(z)
Support Vector
Machines
(SVM)
SVMs (support vector machines)
ā€œ*advanced* draw a line through itā€
SVMs (support vector machines)
ā€œ*advanced* draw a line through itā€
- better deļ¬nition of ā€œterribleā€
SVMs (support vector machines)
ā€œ*advanced* draw a line through itā€
- better deļ¬nition of ā€œterribleā€
- lines can turn into non-linear
shapes if you transform your data
šŸ’©
šŸ’©
ā€œthe kernel trickā€
ā€œthe kernel trickā€
SVMs (support vector machines)
ā€œ*advanced* draw a line through itā€
ļ¬gure credit: scikit-learn documentation
% of email body that is all-caps
# mentions
of brand
names
% of email body that is all-caps
# mentions
of brand
names
% of email body that is all-caps
# mentions
of brand
names
% of email body that is all-caps
# mentions
of brand
names
% of email body that is all-caps
# mentions
of brand
names
% of email body that is all-caps
# mentions
of brand
names
SVMs (support vector machines)
ā€œ*advanced* draw a line through itā€
from sklearn.svm import SVC
model = SVC(kernel='poly', degree=2)
model.fit(X,y)
predicted = model.predict(z)
SVMs (support vector machines)
ā€œ*advanced* draw a line through itā€
from sklearn.svm import SVC
model = SVC(kernel='rbf')
model.fit(X,y)
predicted = model.predict(z)
KNN
(k-nearest
neighbors)
KNN (k-nearest neighbors)
ā€œwhat do similar cases look like?ā€
KNN (k-nearest neighbors)
ā€œwhat do similar cases look like?ā€
k=1
KNN (k-nearest neighbors)
ā€œwhat do similar cases look like?ā€
k=2
KNN (k-nearest neighbors)
ā€œwhat do similar cases look like?ā€
ļ¬gure credit: scikit-learn documentation
KNN (k-nearest neighbors)
ā€œwhat do similar cases look like?ā€
k=1
KNN (k-nearest neighbors)
ā€œwhat do similar cases look like?ā€
k=1
KNN (k-nearest neighbors)
ā€œwhat do similar cases look like?ā€
k=2
KNN (k-nearest neighbors)
ā€œwhat do similar cases look like?ā€
k=3
KNN (k-nearest neighbors)
ā€œwhat do similar cases look like?ā€
ļ¬gure credit: Burton DeWilde
KNN (k-nearest neighbors)
ā€œwhat do similar cases look like?ā€
from sklearn.neighbors import NearestNeighbors
model = NearestNeighbors(n_neighbors=5)
model.fit(X,y)
predicted = model.predict(z)
Decision tree
learners
decision tree learners
make a ļ¬‚ow chart of it
decision tree learners
make a ļ¬‚ow chart of it
x < 3?
yes no
3
decision tree learners
make a ļ¬‚ow chart of it
x < 3?
yes no
y < 4?
yes no
3
4
decision tree learners
make a ļ¬‚ow chart of it
x < 3?
yes no
y < 4?
yes no
x < 5?
yes no
3 5
4
decision tree learners
make a ļ¬‚ow chart of it
x < 3?
yes no
y < 4?
yes no
x < 5?
yes no
3 5
4
decision tree learners
make a ļ¬‚ow chart of it
from sklearn.tree import DecisionTreeClassifier
model = DecisionTreeClassifier()
model.fit(X,y)
predicted = model.predict(z)
decision tree learners
make a ļ¬‚ow chart of it
sklearn.tree.export_graphviz() +
pydot
decision tree learners
make a ļ¬‚ow chart of it
Ensemble
models
(make a bunch of models and combine them)
bagging
split training set, train one model each, models ā€œvoteā€
bagging
split training set, train one model each, models ā€œvoteā€
bagging
split training set, train one model each, models ā€œvoteā€
bagging
split training set, train one model each, models ā€œvoteā€
new data
point
bagging
split training set, train one model each, models ā€œvoteā€
new data
point
bagging
split training set, train one model each, models ā€œvoteā€
new data
point
not
spam
spam
not
spam
bagging
split training set, train one model each, models ā€œvoteā€
new data
point
not
spam
spam
not
spam
not
spam
Final
Answer:
bagging
split training set, train one model each, models ā€œvoteā€
bagging
split training set, train one model each, models ā€œvoteā€
other spins on this
other spins on this
Random Forest - like bagging, but at each split
randomly constrain features to choose from
other spins on this
Random Forest - like bagging, but at each split
randomly constrain features to choose from
Extra Trees - for each split, make it randomly, non-
optimally. Compensate by training a ton of trees
other spins on this
Random Forest - like bagging, but at each split
randomly constrain features to choose from
Extra Trees - for each split, make it randomly, non-
optimally. Compensate by training a ton of trees
Voting - combine a bunch of diļ¬€erent models of your
design, have them ā€œvoteā€ on the correct answer.
other spins on this
Random Forest - like bagging, but at each split
randomly constrain features to choose from
Extra Trees - for each split, make it randomly, non-
optimally. Compensate by training a ton of trees
Voting - combine a bunch of diļ¬€erent models of your
design, have them ā€œvoteā€ on the correct answer.
Boosting- train models in order, make the later ones
focus on the points the earlier ones missed
voting example
ļ¬gure credit: scikit-learn documentation
other spins on this
Random Forest - like bagging, but at each split
randomly constrain features to choose from
Extra Trees - for each split, make it randomly, non-
optimally. Compensate by training a ton of trees
Voting - combine a bunch of diļ¬€erent models of your
design, have them ā€œvoteā€ on the correct answer.
Boosting- train models in order, make the later ones
focus on the points the earlier ones missed
from sklearn.ensemble import BaggingClassifier
RandomForestClassifier
ExtraTreesClassifier
VotingClassifier
AdaBoostClassifier
GradientBoostingClassifier
which one do I
pick?
which one do I
pick?
try a few!
Nonlinear
decision
boundary
provide
probability
estimates
tell how important a
feature is to the model
Nonlinear
decision
boundary
provide
probability
estimates
tell how important a
feature is to the model
Logistic Regression no yes yes, if you scale
Nonlinear
decision
boundary
provide
probability
estimates
tell how important a
feature is to the model
Logistic Regression no yes yes, if you scale
SVMs yes, with kernel no no
Nonlinear
decision
boundary
provide
probability
estimates
tell how important a
feature is to the model
Logistic Regression no yes yes, if you scale
SVMs yes, with kernel no no
KNN yes kinda (percent of
nearby points)
no
Nonlinear
decision
boundary
provide
probability
estimates
tell how important a
feature is to the model
Logistic Regression no yes yes, if you scale
SVMs yes, with kernel no no
KNN yes kinda (percent of
nearby points)
no
NaĆÆve Bayes yes yes no
Nonlinear
decision
boundary
provide
probability
estimates
tell how important a
feature is to the model
Logistic Regression no yes yes, if you scale
SVMs yes, with kernel no no
KNN yes kinda (percent of
nearby points)
no
NaĆÆve Bayes yes yes no
Decision Tree yes no yes (number of times
that feature is used)
Nonlinear
decision
boundary
provide
probability
estimates
tell how important a
feature is to the model
Logistic Regression no yes yes, if you scale
SVMs yes, with kernel no no
KNN yes kinda (percent of
nearby points)
no
NaĆÆve Bayes yes yes no
Decision Tree yes no yes (number of times
that feature is used)
Ensemble models yes kinda (% of models
that agree)
yes, depending on
component parts
Nonlinear
decision
boundary
provide
probability
estimates
tell how important a
feature is to the model
Logistic Regression no yes yes, if you scale
SVMs yes, with kernel no no
KNN yes kinda (percent of
nearby points)
no
NaĆÆve Bayes yes yes no
Decision Tree yes no yes (number of times
that feature is used)
Ensemble models yes kinda (% of models
that agree)
yes, depending on
component parts
Boosted models yes kinda (% of models
that agree)
yes, depending on
component parts
can be updated with new
training data
easy to parallelize?
can be updated with new
training data
easy to parallelize?
Logistic Regression kinda kinda
can be updated with new
training data
easy to parallelize?
Logistic Regression kinda kinda
SVMs kinda, depending on kernel yes for some kernels,
no for others
can be updated with new
training data
easy to parallelize?
Logistic Regression kinda kinda
SVMs kinda, depending on kernel yes for some kernels,
no for others
KNN yes yes
can be updated with new
training data
easy to parallelize?
Logistic Regression kinda kinda
SVMs kinda, depending on kernel yes for some kernels,
no for others
KNN yes yes
NaĆÆve Bayes yes yes
can be updated with new
training data
easy to parallelize?
Logistic Regression kinda kinda
SVMs kinda, depending on kernel yes for some kernels,
no for others
KNN yes yes
NaĆÆve Bayes yes yes
Decision Tree no no (but itā€™s very fast)
can be updated with new
training data
easy to parallelize?
Logistic Regression kinda kinda
SVMs kinda, depending on kernel yes for some kernels,
no for others
KNN yes yes
NaĆÆve Bayes yes yes
Decision Tree no no (but itā€™s very fast)
Ensemble models kinda, by adding new
models to the ensemble
yes
can be updated with new
training data
easy to parallelize?
Logistic Regression kinda kinda
SVMs kinda, depending on kernel yes for some kernels,
no for others
KNN yes yes
NaĆÆve Bayes yes yes
Decision Tree no no (but itā€™s very fast)
Ensemble models kinda, by adding new
models to the ensemble
yes
Boosted models kinda, by adding new
models to the ensemble
no
Other quirks
Other quirks
SVMs have to pick a kernel
Other quirks
SVMs have to pick a kernel
KNN you need to deļ¬ne what ā€œsimilarityā€ is in a good way.
fast to train, slow to classify (compared to other methods)
Other quirks
SVMs have to pick a kernel
KNN you need to deļ¬ne what ā€œsimilarityā€ is in a good way.
fast to train, slow to classify (compared to other methods)
NaĆÆve Bayes have to choose the distribution
can deal with missing data
Other quirks
SVMs have to pick a kernel
KNN you need to deļ¬ne what ā€œsimilarityā€ is in a good way.
fast to train, slow to classify (compared to other methods)
NaĆÆve Bayes have to choose the distribution
can deal with missing data
Decision Tree can provide literal ļ¬‚ow charts
very sensitive to outliers
Other quirks
SVMs have to pick a kernel
KNN you need to deļ¬ne what ā€œsimilarityā€ is in a good way.
fast to train, slow to classify (compared to other methods)
NaĆÆve Bayes have to choose the distribution
can deal with missing data
Decision Tree can provide literal ļ¬‚ow charts
very sensitive to outliers
Ensemble models less prone to overļ¬tting than their component parts
Other quirks
SVMs have to pick a kernel
KNN you need to deļ¬ne what ā€œsimilarityā€ is in a good way.
fast to train, slow to classify (compared to other methods)
NaĆÆve Bayes have to choose the distribution
can deal with missing data
Decision Tree can provide literal ļ¬‚ow charts
very sensitive to outliers
Ensemble models less prone to overļ¬tting than their component parts
Boosted models many parameters to tweak
more prone to overļ¬t than normal ensembles
most popular Kaggle winners use these
if this sounds cool
datascope.co/careers
thanks!
question timeā€¦
.cohttp:// @bjlange

More Related Content

Viewers also liked

SplunkLive! Splunk for Business Analytics
SplunkLive! Splunk for Business AnalyticsSplunkLive! Splunk for Business Analytics
SplunkLive! Splunk for Business AnalyticsSplunk
Ā 
Logistic Regression
Logistic RegressionLogistic Regression
Logistic RegressionDong Guo
Ā 
NLTK Šø Python Š“Š»Ń рŠ°Š±Š¾Ń‚Ń‹ с тŠµŠŗстŠ°Š¼Šø
NLTK Šø Python Š“Š»Ń рŠ°Š±Š¾Ń‚Ń‹ с тŠµŠŗстŠ°Š¼Šø  NLTK Šø Python Š“Š»Ń рŠ°Š±Š¾Ń‚Ń‹ с тŠµŠŗстŠ°Š¼Šø
NLTK Šø Python Š“Š»Ń рŠ°Š±Š¾Ń‚Ń‹ с тŠµŠŗстŠ°Š¼Šø NLProc.by
Ā 
Introduction fundamentals sets and sequences
Introduction  fundamentals sets and sequencesIntroduction  fundamentals sets and sequences
Introduction fundamentals sets and sequencesIIUM
Ā 
Hidden Markov Models with applications to speech recognition
Hidden Markov Models with applications to speech recognitionHidden Markov Models with applications to speech recognition
Hidden Markov Models with applications to speech recognitionbutest
Ā 
Splunk for Machine Learning and Analytics
Splunk for Machine Learning and AnalyticsSplunk for Machine Learning and Analytics
Splunk for Machine Learning and AnalyticsSplunk
Ā 
Splunk for Machine Learning and Analytics
Splunk for Machine Learning and AnalyticsSplunk for Machine Learning and Analytics
Splunk for Machine Learning and AnalyticsSplunk
Ā 
Building Business Service Intelligence with ITSI
Building Business Service Intelligence with ITSIBuilding Business Service Intelligence with ITSI
Building Business Service Intelligence with ITSISplunk
Ā 
Machine Learning + Analytics
Machine Learning + AnalyticsMachine Learning + Analytics
Machine Learning + AnalyticsSplunk
Ā 
Machine Learning Lecture 3 Decision Trees
Machine Learning Lecture 3 Decision TreesMachine Learning Lecture 3 Decision Trees
Machine Learning Lecture 3 Decision Treesananth
Ā 
Statistics for data scientists
Statistics for  data scientistsStatistics for  data scientists
Statistics for data scientistsAjay Ohri
Ā 
Decision tree Using c4.5 Algorithm
Decision tree Using c4.5 AlgorithmDecision tree Using c4.5 Algorithm
Decision tree Using c4.5 AlgorithmMohd. Noor Abdul Hamid
Ā 
Machine Learning + Analytics in Splunk
Machine Learning + Analytics in SplunkMachine Learning + Analytics in Splunk
Machine Learning + Analytics in SplunkSplunk
Ā 
Hidden Markov Models
Hidden Markov ModelsHidden Markov Models
Hidden Markov ModelsVu Pham
Ā 
Machine Data 101
Machine Data 101Machine Data 101
Machine Data 101Splunk
Ā 
Hidden markov model ppt
Hidden markov model pptHidden markov model ppt
Hidden markov model pptShivangi Saxena
Ā 

Viewers also liked (20)

SplunkLive! Splunk for Business Analytics
SplunkLive! Splunk for Business AnalyticsSplunkLive! Splunk for Business Analytics
SplunkLive! Splunk for Business Analytics
Ā 
Logistic Regression
Logistic RegressionLogistic Regression
Logistic Regression
Ā 
NLTK Šø Python Š“Š»Ń рŠ°Š±Š¾Ń‚Ń‹ с тŠµŠŗстŠ°Š¼Šø
NLTK Šø Python Š“Š»Ń рŠ°Š±Š¾Ń‚Ń‹ с тŠµŠŗстŠ°Š¼Šø  NLTK Šø Python Š“Š»Ń рŠ°Š±Š¾Ń‚Ń‹ с тŠµŠŗстŠ°Š¼Šø
NLTK Šø Python Š“Š»Ń рŠ°Š±Š¾Ń‚Ń‹ с тŠµŠŗстŠ°Š¼Šø
Ā 
Introduction fundamentals sets and sequences
Introduction  fundamentals sets and sequencesIntroduction  fundamentals sets and sequences
Introduction fundamentals sets and sequences
Ā 
Hidden Markov Models with applications to speech recognition
Hidden Markov Models with applications to speech recognitionHidden Markov Models with applications to speech recognition
Hidden Markov Models with applications to speech recognition
Ā 
Splunk for Machine Learning and Analytics
Splunk for Machine Learning and AnalyticsSplunk for Machine Learning and Analytics
Splunk for Machine Learning and Analytics
Ā 
HIDDEN MARKOV MODEL AND ITS APPLICATION
HIDDEN MARKOV MODEL AND ITS APPLICATIONHIDDEN MARKOV MODEL AND ITS APPLICATION
HIDDEN MARKOV MODEL AND ITS APPLICATION
Ā 
Splunk for Machine Learning and Analytics
Splunk for Machine Learning and AnalyticsSplunk for Machine Learning and Analytics
Splunk for Machine Learning and Analytics
Ā 
Building Business Service Intelligence with ITSI
Building Business Service Intelligence with ITSIBuilding Business Service Intelligence with ITSI
Building Business Service Intelligence with ITSI
Ā 
Machine Learning + Analytics
Machine Learning + AnalyticsMachine Learning + Analytics
Machine Learning + Analytics
Ā 
Machine Learning Lecture 3 Decision Trees
Machine Learning Lecture 3 Decision TreesMachine Learning Lecture 3 Decision Trees
Machine Learning Lecture 3 Decision Trees
Ā 
HMM (Hidden Markov Model)
HMM (Hidden Markov Model)HMM (Hidden Markov Model)
HMM (Hidden Markov Model)
Ā 
Statistics for data scientists
Statistics for  data scientistsStatistics for  data scientists
Statistics for data scientists
Ā 
Decision tree Using c4.5 Algorithm
Decision tree Using c4.5 AlgorithmDecision tree Using c4.5 Algorithm
Decision tree Using c4.5 Algorithm
Ā 
Machine Learning + Analytics in Splunk
Machine Learning + Analytics in SplunkMachine Learning + Analytics in Splunk
Machine Learning + Analytics in Splunk
Ā 
Hidden Markov Models
Hidden Markov ModelsHidden Markov Models
Hidden Markov Models
Ā 
Decision tree
Decision treeDecision tree
Decision tree
Ā 
Machine Data 101
Machine Data 101Machine Data 101
Machine Data 101
Ā 
Hidden markov model ppt
Hidden markov model pptHidden markov model ppt
Hidden markov model ppt
Ā 
Decision tree
Decision treeDecision tree
Decision tree
Ā 

Similar to It's Not Magic - Explaining classification algorithms

Barga Data Science lecture 7
Barga Data Science lecture 7Barga Data Science lecture 7
Barga Data Science lecture 7Roger Barga
Ā 
Module 6: Ensemble Algorithms
Module 6:  Ensemble AlgorithmsModule 6:  Ensemble Algorithms
Module 6: Ensemble AlgorithmsSara Hooker
Ā 
Computational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding RegionsComputational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding Regionsbutest
Ā 
Supervised and unsupervised learning
Supervised and unsupervised learningSupervised and unsupervised learning
Supervised and unsupervised learningAmAn Singh
Ā 
Ml7 bagging
Ml7 baggingMl7 bagging
Ml7 baggingankit_ppt
Ā 
Random Forest and KNN is fun
Random Forest and KNN is funRandom Forest and KNN is fun
Random Forest and KNN is funZhen Li
Ā 
Ensemble Learning and Random Forests
Ensemble Learning and Random ForestsEnsemble Learning and Random Forests
Ensemble Learning and Random ForestsCloudxLab
Ā 
Escaping the Black Box
Escaping the Black BoxEscaping the Black Box
Escaping the Black BoxRebecca Bilbro
Ā 
Barga Data Science lecture 9
Barga Data Science lecture 9Barga Data Science lecture 9
Barga Data Science lecture 9Roger Barga
Ā 
Machine learning, biomarker accuracy and best practices
Machine learning, biomarker accuracy and best practicesMachine learning, biomarker accuracy and best practices
Machine learning, biomarker accuracy and best practicesPradeep Redddy Raamana
Ā 
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...Simplilearn
Ā 
4. Classification.pdf
4. Classification.pdf4. Classification.pdf
4. Classification.pdfJyoti Yadav
Ā 
Think-Aloud Protocols
Think-Aloud ProtocolsThink-Aloud Protocols
Think-Aloud Protocolsbutest
Ā 
Performance analysis of machine learning algorithms on self localization system1
Performance analysis of machine learning algorithms on self localization system1Performance analysis of machine learning algorithms on self localization system1
Performance analysis of machine learning algorithms on self localization system1Venkat Projects
Ā 
Machine Learning Algorithms (Part 1)
Machine Learning Algorithms (Part 1)Machine Learning Algorithms (Part 1)
Machine Learning Algorithms (Part 1)Zihui Li
Ā 
25 Machine Learning Unsupervised Learaning K-means K-centers
25 Machine Learning Unsupervised Learaning K-means K-centers25 Machine Learning Unsupervised Learaning K-means K-centers
25 Machine Learning Unsupervised Learaning K-means K-centersAndres Mendez-Vazquez
Ā 
Machine learning for_finance
Machine learning for_financeMachine learning for_finance
Machine learning for_financeStefan Duprey
Ā 
Understanding Basics of Machine Learning
Understanding Basics of Machine LearningUnderstanding Basics of Machine Learning
Understanding Basics of Machine LearningPranav Ainavolu
Ā 
Diversity mechanisms for evolutionary populations in Search-Based Software En...
Diversity mechanisms for evolutionary populations in Search-Based Software En...Diversity mechanisms for evolutionary populations in Search-Based Software En...
Diversity mechanisms for evolutionary populations in Search-Based Software En...Annibale Panichella
Ā 

Similar to It's Not Magic - Explaining classification algorithms (20)

Barga Data Science lecture 7
Barga Data Science lecture 7Barga Data Science lecture 7
Barga Data Science lecture 7
Ā 
Module 6: Ensemble Algorithms
Module 6:  Ensemble AlgorithmsModule 6:  Ensemble Algorithms
Module 6: Ensemble Algorithms
Ā 
Computational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding RegionsComputational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding Regions
Ā 
Supervised and unsupervised learning
Supervised and unsupervised learningSupervised and unsupervised learning
Supervised and unsupervised learning
Ā 
Ml7 bagging
Ml7 baggingMl7 bagging
Ml7 bagging
Ā 
Random Forest and KNN is fun
Random Forest and KNN is funRandom Forest and KNN is fun
Random Forest and KNN is fun
Ā 
Ensemble Learning and Random Forests
Ensemble Learning and Random ForestsEnsemble Learning and Random Forests
Ensemble Learning and Random Forests
Ā 
Escaping the Black Box
Escaping the Black BoxEscaping the Black Box
Escaping the Black Box
Ā 
Barga Data Science lecture 9
Barga Data Science lecture 9Barga Data Science lecture 9
Barga Data Science lecture 9
Ā 
Machine learning, biomarker accuracy and best practices
Machine learning, biomarker accuracy and best practicesMachine learning, biomarker accuracy and best practices
Machine learning, biomarker accuracy and best practices
Ā 
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 2 | Machine Learning Tutorial For Beginners ...
Ā 
4. Classification.pdf
4. Classification.pdf4. Classification.pdf
4. Classification.pdf
Ā 
Think-Aloud Protocols
Think-Aloud ProtocolsThink-Aloud Protocols
Think-Aloud Protocols
Ā 
Performance analysis of machine learning algorithms on self localization system1
Performance analysis of machine learning algorithms on self localization system1Performance analysis of machine learning algorithms on self localization system1
Performance analysis of machine learning algorithms on self localization system1
Ā 
Machine Learning Algorithms (Part 1)
Machine Learning Algorithms (Part 1)Machine Learning Algorithms (Part 1)
Machine Learning Algorithms (Part 1)
Ā 
25 Machine Learning Unsupervised Learaning K-means K-centers
25 Machine Learning Unsupervised Learaning K-means K-centers25 Machine Learning Unsupervised Learaning K-means K-centers
25 Machine Learning Unsupervised Learaning K-means K-centers
Ā 
Decision Tree.pptx
Decision Tree.pptxDecision Tree.pptx
Decision Tree.pptx
Ā 
Machine learning for_finance
Machine learning for_financeMachine learning for_finance
Machine learning for_finance
Ā 
Understanding Basics of Machine Learning
Understanding Basics of Machine LearningUnderstanding Basics of Machine Learning
Understanding Basics of Machine Learning
Ā 
Diversity mechanisms for evolutionary populations in Search-Based Software En...
Diversity mechanisms for evolutionary populations in Search-Based Software En...Diversity mechanisms for evolutionary populations in Search-Based Software En...
Diversity mechanisms for evolutionary populations in Search-Based Software En...
Ā 

Recently uploaded

Call Girls Bommasandra Just Call šŸ‘— 7737669865 šŸ‘— Top Class Call Girl Service B...
Call Girls Bommasandra Just Call šŸ‘— 7737669865 šŸ‘— Top Class Call Girl Service B...Call Girls Bommasandra Just Call šŸ‘— 7737669865 šŸ‘— Top Class Call Girl Service B...
Call Girls Bommasandra Just Call šŸ‘— 7737669865 šŸ‘— Top Class Call Girl Service B...amitlee9823
Ā 
Accredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdfAccredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdfadriantubila
Ā 
Call Girls in Sarai Kale Khan Delhi šŸ’Æ Call Us šŸ”9205541914 šŸ”( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi šŸ’Æ Call Us šŸ”9205541914 šŸ”( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi šŸ’Æ Call Us šŸ”9205541914 šŸ”( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi šŸ’Æ Call Us šŸ”9205541914 šŸ”( Delhi) Escorts S...Delhi Call girls
Ā 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxolyaivanovalion
Ā 
Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...amitlee9823
Ā 
Generative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and MilvusGenerative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and MilvusTimothy Spann
Ā 
āž„šŸ” 7737669865 šŸ”ā–» malwa Call-girls in Women Seeking Men šŸ”malwašŸ” Escorts Ser...
āž„šŸ” 7737669865 šŸ”ā–» malwa Call-girls in Women Seeking Men  šŸ”malwašŸ”   Escorts Ser...āž„šŸ” 7737669865 šŸ”ā–» malwa Call-girls in Women Seeking Men  šŸ”malwašŸ”   Escorts Ser...
āž„šŸ” 7737669865 šŸ”ā–» malwa Call-girls in Women Seeking Men šŸ”malwašŸ” Escorts Ser...amitlee9823
Ā 
BigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxBigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxolyaivanovalion
Ā 
April 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's AnalysisApril 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's Analysismanisha194592
Ā 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxolyaivanovalion
Ā 
Mg Road Call Girls Service: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Banga...
Mg Road Call Girls Service: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Banga...Mg Road Call Girls Service: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Banga...
Mg Road Call Girls Service: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Banga...amitlee9823
Ā 
Predicting Loan Approval: A Data Science Project
Predicting Loan Approval: A Data Science ProjectPredicting Loan Approval: A Data Science Project
Predicting Loan Approval: A Data Science ProjectBoston Institute of Analytics
Ā 
Call Girls Indiranagar Just Call šŸ‘— 9155563397 šŸ‘— Top Class Call Girl Service B...
Call Girls Indiranagar Just Call šŸ‘— 9155563397 šŸ‘— Top Class Call Girl Service B...Call Girls Indiranagar Just Call šŸ‘— 9155563397 šŸ‘— Top Class Call Girl Service B...
Call Girls Indiranagar Just Call šŸ‘— 9155563397 šŸ‘— Top Class Call Girl Service B...only4webmaster01
Ā 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfMarinCaroMartnezBerg
Ā 
Junnasandra Call Girls: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Bangalore...Junnasandra Call Girls: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Bangalore...amitlee9823
Ā 
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% SecureCall me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% SecurePooja Nehwal
Ā 
Call Girls In Doddaballapur Road ā˜Ž 7737669865 šŸ„µ Book Your One night Stand
Call Girls In Doddaballapur Road ā˜Ž 7737669865 šŸ„µ Book Your One night StandCall Girls In Doddaballapur Road ā˜Ž 7737669865 šŸ„µ Book Your One night Stand
Call Girls In Doddaballapur Road ā˜Ž 7737669865 šŸ„µ Book Your One night Standamitlee9823
Ā 
BDSMāš”Call Girls in Mandawali Delhi >ą¼’8448380779 Escort Service
BDSMāš”Call Girls in Mandawali Delhi >ą¼’8448380779 Escort ServiceBDSMāš”Call Girls in Mandawali Delhi >ą¼’8448380779 Escort Service
BDSMāš”Call Girls in Mandawali Delhi >ą¼’8448380779 Escort ServiceDelhi Call girls
Ā 

Recently uploaded (20)

CHEAP Call Girls in Saket (-DELHI )šŸ” 9953056974šŸ”(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )šŸ” 9953056974šŸ”(=)/CALL GIRLS SERVICECHEAP Call Girls in Saket (-DELHI )šŸ” 9953056974šŸ”(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )šŸ” 9953056974šŸ”(=)/CALL GIRLS SERVICE
Ā 
Call Girls Bommasandra Just Call šŸ‘— 7737669865 šŸ‘— Top Class Call Girl Service B...
Call Girls Bommasandra Just Call šŸ‘— 7737669865 šŸ‘— Top Class Call Girl Service B...Call Girls Bommasandra Just Call šŸ‘— 7737669865 šŸ‘— Top Class Call Girl Service B...
Call Girls Bommasandra Just Call šŸ‘— 7737669865 šŸ‘— Top Class Call Girl Service B...
Ā 
Accredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdfAccredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdf
Ā 
Call Girls in Sarai Kale Khan Delhi šŸ’Æ Call Us šŸ”9205541914 šŸ”( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi šŸ’Æ Call Us šŸ”9205541914 šŸ”( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi šŸ’Æ Call Us šŸ”9205541914 šŸ”( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi šŸ’Æ Call Us šŸ”9205541914 šŸ”( Delhi) Escorts S...
Ā 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFx
Ā 
Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Thane West Call On 9920725232 With Body to body massage...
Ā 
Generative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and MilvusGenerative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and Milvus
Ā 
āž„šŸ” 7737669865 šŸ”ā–» malwa Call-girls in Women Seeking Men šŸ”malwašŸ” Escorts Ser...
āž„šŸ” 7737669865 šŸ”ā–» malwa Call-girls in Women Seeking Men  šŸ”malwašŸ”   Escorts Ser...āž„šŸ” 7737669865 šŸ”ā–» malwa Call-girls in Women Seeking Men  šŸ”malwašŸ”   Escorts Ser...
āž„šŸ” 7737669865 šŸ”ā–» malwa Call-girls in Women Seeking Men šŸ”malwašŸ” Escorts Ser...
Ā 
BigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxBigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptx
Ā 
April 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's AnalysisApril 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's Analysis
Ā 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptx
Ā 
Mg Road Call Girls Service: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Banga...
Mg Road Call Girls Service: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Banga...Mg Road Call Girls Service: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Banga...
Mg Road Call Girls Service: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Banga...
Ā 
Predicting Loan Approval: A Data Science Project
Predicting Loan Approval: A Data Science ProjectPredicting Loan Approval: A Data Science Project
Predicting Loan Approval: A Data Science Project
Ā 
Call Girls Indiranagar Just Call šŸ‘— 9155563397 šŸ‘— Top Class Call Girl Service B...
Call Girls Indiranagar Just Call šŸ‘— 9155563397 šŸ‘— Top Class Call Girl Service B...Call Girls Indiranagar Just Call šŸ‘— 9155563397 šŸ‘— Top Class Call Girl Service B...
Call Girls Indiranagar Just Call šŸ‘— 9155563397 šŸ‘— Top Class Call Girl Service B...
Ā 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdf
Ā 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Ā 
Junnasandra Call Girls: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Bangalore...Junnasandra Call Girls: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: šŸ“ 7737669865 šŸ“ High Profile Model Escorts | Bangalore...
Ā 
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% SecureCall me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Ā 
Call Girls In Doddaballapur Road ā˜Ž 7737669865 šŸ„µ Book Your One night Stand
Call Girls In Doddaballapur Road ā˜Ž 7737669865 šŸ„µ Book Your One night StandCall Girls In Doddaballapur Road ā˜Ž 7737669865 šŸ„µ Book Your One night Stand
Call Girls In Doddaballapur Road ā˜Ž 7737669865 šŸ„µ Book Your One night Stand
Ā 
BDSMāš”Call Girls in Mandawali Delhi >ą¼’8448380779 Escort Service
BDSMāš”Call Girls in Mandawali Delhi >ą¼’8448380779 Escort ServiceBDSMāš”Call Girls in Mandawali Delhi >ą¼’8448380779 Escort Service
BDSMāš”Call Girls in Mandawali Delhi >ą¼’8448380779 Escort Service
Ā 

It's Not Magic - Explaining classification algorithms