SlideShare une entreprise Scribd logo
1  sur  133
Télécharger pour lire hors ligne
It’s Not Magic
Brian Lange, Data Scientist + Partner at
Explaining
classification algorithms
HEADS UP
I work with some really
freakin’ smart people.
classification
algorithms
popular examples
popular examples
-spam filters
popular examples
-spam filters
popular examples
-spam filters
-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 find the least terrible line
terribleness
slope
intercept
a map of terribleness
to find 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 definition of “terrible”
SVMs (support vector machines)
“*advanced* draw a line through it”
- better definition 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”
figure 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?”
figure 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?”
figure 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 flow chart of it
decision tree learners
make a flow chart of it
x < 3?
yes no
3
decision tree learners
make a flow chart of it
x < 3?
yes no
y < 4?
yes no
3
4
decision tree learners
make a flow chart of it
x < 3?
yes no
y < 4?
yes no
x < 5?
yes no
3 5
4
decision tree learners
make a flow chart of it
x < 3?
yes no
y < 4?
yes no
x < 5?
yes no
3 5
4
decision tree learners
make a flow chart of it
from sklearn.tree import DecisionTreeClassifier
model = DecisionTreeClassifier()
model.fit(X,y)
predicted = model.predict(z)
decision tree learners
make a flow chart of it
sklearn.tree.export_graphviz() +
pydot
decision tree learners
make a flow 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 different 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 different 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
figure 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 different 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 define 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 define 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 define 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 flow charts
very sensitive to outliers
Other quirks
SVMs have to pick a kernel
KNN you need to define 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 flow charts
very sensitive to outliers
Ensemble models less prone to overfitting than their component parts
Other quirks
SVMs have to pick a kernel
KNN you need to define 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 flow charts
very sensitive to outliers
Ensemble models less prone to overfitting than their component parts
Boosted models many parameters to tweak
more prone to overfit than normal ensembles
most popular Kaggle winners use these
if this sounds cool
datascope.co/careers
thanks!
question time…
.cohttp:// @bjlange

Contenu connexe

En vedette

SplunkLive! Splunk for Business Analytics
SplunkLive! Splunk for Business AnalyticsSplunkLive! Splunk for Business Analytics
SplunkLive! Splunk for Business Analytics
Splunk
 
Introduction fundamentals sets and sequences
Introduction  fundamentals sets and sequencesIntroduction  fundamentals sets and sequences
Introduction fundamentals sets and sequences
IIUM
 
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
butest
 

En vedette (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
 

Similaire à It's Not Magic - Explaining classification 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
butest
 
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
 
Think-Aloud Protocols
Think-Aloud ProtocolsThink-Aloud Protocols
Think-Aloud Protocols
butest
 

Similaire à 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...
 

Dernier

Probability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter LessonsProbability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter Lessons
JoseMangaJr1
 
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
amitlee9823
 
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
 
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
amitlee9823
 
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
amitlee9823
 
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
 
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
amitlee9823
 

Dernier (20)

Sampling (random) method and Non random.ppt
Sampling (random) method and Non random.pptSampling (random) method and Non random.ppt
Sampling (random) method and Non random.ppt
 
Probability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter LessonsProbability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter Lessons
 
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
 
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
 
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...
 
Anomaly detection and data imputation within time series
Anomaly detection and data imputation within time seriesAnomaly detection and data imputation within time series
Anomaly detection and data imputation within time series
 
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
 
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
 
Smarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxSmarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptx
 
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
 
BabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptxBabyOno dropshipping via API with DroFx.pptx
BabyOno dropshipping via API with DroFx.pptx
 
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Research
 
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
 
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
 
Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptx
 
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...
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFx
 
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
 

It's Not Magic - Explaining classification algorithms