SlideShare a Scribd company logo
1 of 129
Download to read offline
Linear models for
data science
Brad Klingenberg, Director of Styling Algorithms at Stitch Fix
brad@stitchfix.com Insight Data Science, Oct 2015
A brief introduction
Linear models in data science
Goal: give a basic overview of linear
modeling and some of its extensions
Linear models in data science
Goal: give a basic overview of linear
modeling and some of its extensions
Secret goal: convince you to study linear
models and to try simple things first
Linear regression? Really?
Wait... regression? That’s so 20th century!
Linear regression? Really?
Wait... regression? That’s so 20th century!
What about deep learning? What about AI? What about Big Data™?
Linear regression? Really?
Wait... regression? That’s so 20th century!
What about deep learning? What about AI? What about Big Data™?
There are a lot of exciting new tools. But in many problems simple
models can take you a long way.
Linear regression? Really?
Wait... regression? That’s so 20th century!
What about deep learning? What about AI? What about Big Data™?
There are a lot of exciting new tools. But in many problems simple
models can take you a long way.
Regression is the workhorse of applied statistics
Occam was right!
Simple models have many virtues
Occam was right!
Simple models have many virtues
In industry
● Interpretability
○ for the developer and the user
● Clear and confident understanding of what the model does
● Communication to business partners
Occam was right!
Simple models have many virtues
In industry
● Interpretability
○ for the developer and the user
● Clear and confident understanding of what the model does
● Communication to business partners
As a data scientist
● Enables iteration: clarity on how to extend and improve
● Computationally tractable
● Often close to optimal in large or sparse problems
An excellent reference
Figures and examples liberally stolen from
[ESL]
Part I: Linear regression
The basic model
We observe N numbers Y = (y_1, …, y_N) from a model
How can we predict Y from X?
The basic model
response global intercept feature j of
observation i
coefficient
for feature j
noise term
number of features
noise level
independence
assumption
A linear predictor from observed data
matrix representation
is linear in the features
X: the data matrix
Rows are observations
N rows
X: the data matrix
Columns are features
p columns
also called
● predictors
● covariates
● signals
Choosing β
Minimize a loss function to find the β giving the “best fit”
Then
Choosing β
Minimize a loss function to find the β giving the “best fit”
[ESL]
An analytical solution: univariate case
With squared-error loss the solution has a closed-form
An analytical solution: univariate case
“Regression to the mean”
sample correlation distance of predictor from
its average
adjustment for
scale of variables
A general analytical solution
With squared-error loss the solution has a closed-form
A general analytical solution
With squared-error loss the solution has a closed-form
“Hat matrix”
The hat matrix
The hat matrix
X^T
X
= X^TX ≈ Σ
● must not be singular or too close to singular (collinearity)
● This assumes you have more observations that features (n > p)
● Uses information about relationships between features
● i is not inverted in practice (better numerical strategies like a QR decomposition are used)
● (optional): Connections to degrees of freedom and prediction error
The hat matrix
Linear regression as projection
data
prediction
span of features
[ESL]
Inference
The linearity of the estimator makes inference easy
Inference
The linearity of the estimator makes inference easy
So that
unbiased known sample covariance
usually have to
estimate noise level
Linear hypotheses
Inference is particularly easy for linear combinations of coefficients
scalar
Linear hypotheses
Inference is particularly easy for linear combinations of coefficients
scalarIndividual coefficients
Differences
Inference for single parameters
We can then test for the presence of a single variable
caution! this tests a single variable
but correlation with other variables
can make it confusing
Feature engineering
The predictor is linear in the features, not necessarily the data
Example: simple transformations
Feature engineering
Example: dummy variables
The predictor is linear in the features, not necessarily the data
Feature engineering
Example: basis expansions (FFT, wavelets, splines)
The predictor is linear in the features, not necessarily the data
Feature engineering
Example: interactions
The predictor is linear in the features, not necessarily the data
Why squared error loss?
Why use squared error loss
instead of something else?
or
Why squared error loss?
Why use squared error loss?
● Math on quadratic functions is easy (nice geometry and closed-form solution)
● Estimator is unbiased
● Maximum likelihood
● Gauss-Markov
● Historical precedent
Maximum likelihood
Maximum likelihood is a general estimation strategy
Likelihood function
Log-likelihood
MLE
joint density
[wikipedia]
Maximum likelihood
Example: 42 out 100 heads from a fair coin true value
sample
maximum
Why least squares?
For linear regression, the likelihood involves the density of the multivariate normal
After taking the log and simplifying we arrive at (something proportional to)
squared error loss
[wikipedia]
MLE for linear regression
There are many theoretical reasons for using the MLE
● The estimator is consistent (will converge to the true parameter in
probability)
● The asymptotic distribution is normal, making inference easy if you
have enough data
● The estimator is efficient: the asymptotic variance is known and
achieves the Cramer-Rao theoretical lower bound
But are we relying too much on the assumption that the errors are normal?
The Gauss-Markov theorem
Suppose that
(no assumption of normality)
Then consider all unbiased, linear estimators such that for some matrix W
Gauss-Markov: linear regression has the lowest MSE for any β.
(“BLUE”: best linear unbiased estimator)
[wikipedia]
Why not to use squared error loss
Squared error loss is sensitivity to outliers. More robust alternatives:
absolute loss, Huber loss
[ESL]
Part II: Generalized linear models
Binary data
The linear model no longer makes sense as a generative model for binary
data
… but
However, it can still be very useful as a predictive model.
Generalized linear models
To model binary outcomes: model the mean of the response given the data
link function
Example link functions
● Linear regression
● Logistic regression
● Poisson regression
For more reading: The choice of the link function is related to the natural
parameter of an exponential family
Logistic regression
[Agresti]
Sample data: empirical proportions as a function of the predictor
Choosing β
Choosing β: maximum likelihood!
Key property: problem is convex! Easy to solve with Newton-Raphson or
any convex solver
Optimality properties of the MLE still apply.
Convex functions
[Boyd]
Part III: Regularization
Regularization
Regularization is a strategy for introducing bias.
This is usually done in service of
● incorporating prior information
● avoiding overfitting
● improving predictions
Part III: Regularization
Ridge regression
Ridge regression
Add a penalty to the least-squares loss function
This will “shrink” the coefficients towards zero
Ridge regression
Add a penalty to the least-squares loss function
penalty weight; tuning parameter
An old idea: Tikhonov regularization
Ridge regression
Add a penalty to the least-squares loss function
Still linear, but changes the hat matrix by adding a “ridge” to the sample
covariance matrix
closer to diagonal - puts less faith
in sample correlations
Correlated features
Ridge regression will tend to spread weight across correlated features
Toy example: two perfectly correlated features (and no noise)
Correlated features
To minimize L2 norm among all convex combinations of x1 and x2
the solution is to put equal weight on each feature
Ridge regression
Don’t underestimate ridge regression!
Good advice in life:
Part III: Regularization
Bias and variance
The bias-variance tradeoff
The expected prediction error (MSE) can be decomposed
[ESL]
The bias-variance tradeoff
[ESL]
Part III: Regularization
James-Stein
Historical connection: The James-Stein estimator
Shrinkage is a powerful idea found in many statistical applications.
In the 1950’s Charles Stein shocked the statistical world with (a version of) the following result.
Let μ be a fixed, arbitrary p-vector and suppose we observe one observation of y
[Efron]
The MLE for μ is just the observed vector
The James-Stein estimator
[Efron]
The James-Stein estimator pulls the observation toward the origin
shrinkage
The James-Stein estimator
[Efron]
Theorem: For p >=3, the JS estimator dominates the MLE for any μ!
Shrinking is always better.
The amount of shrinkage depends on all elements of y, even though the
elements of μ don’t necessarily have anything to do with each other and
the noise is independent!
An empirical Bayes interpretation
[Efron]
Put a prior on μ
Then the posterior mean is
This is JS with the unbiased estimate
James-Stein
The surprise is that JS is always better, even without the prior assumption
[Efron]
Part III: Regularization
LASSO
LASSO
LASSO
Superficially similar to ridge regression, but with a different penalty
Called “L1” regularization
L1 regularization
Why L1?
Sparsity!
For some choices of the penalty parameter L1 regularization will
cause many coefficients to be exactly zero.
L1 regularization
The LASSO can be defined as a closely related to the constrained
optimization problem
which is equivalent* to minimizing (Lagrange)
for some λ depending on c.
LASSO: geometric intuition
[ESL]
L1 regularization
Bayesian interpretation
Both ridge regression and the LASSO have a simple Bayesian interpretation
Maximum a posteriori (MAP)
Up to some constants
model likelihood prior likelihood
Maximum a posteriori (MAP)
Ridge regression is the MAP estimator (posterior mode) for the model
For L1: Laplace distribution instead of normal
Compressed sensing
L1 regularization has deeper optimality properties.
Slide from Olga V. Holtz: http://www.eecs.berkeley.edu/~oholtz/Talks/CS.pdf
Basis pursuit
Slide from Olga V. Holtz: http://www.eecs.berkeley.edu/~oholtz/Talks/CS.pdf
Equivalence of problems
Slide from Olga V. Holtz: http://www.eecs.berkeley.edu/~oholtz/Talks/CS.pdf
Compressed sensing
Many random matrices have similar incoherence properties - in those cases the
LASSO gets it exactly right with only mild assumptions
Near-ideal model selection by L1 minimization [Candes et al, 2007]
Betting on sparsity
[ESL]
When you have many more predictors than observations it can pay to bet
on sparsity
Part III: Regularization
Elastic-net
Elastic-net
The Elastic-net blends the L1 and L2 norms with a convex combination
It enjoys some properties of both L1 and L2 regularization
● estimated coefficients can be sparse
● coefficients of correlated features are pulled together
● still nice and convex
tuning parameters
Elastic-net
The Elastic-net blends the L1 and L2 norms with a convex combination
[ESL]
Part III: Regularization
Grouped LASSO
Grouped LASSO
Regularize for sparsity over groups of coefficients
[ESL]
Grouped LASSO
Regularize for sparsity over groups of coefficients - tends to set
entire groups of coefficients to zero. “LASSO for groups”
design matrix
for group l
coefficient vector
for group l
L2 norm not squared
[ESL]
Part III: Regularization
Choosing regularization
parameters
Choosing regularization parameters
The practitioner must choose the penalty. How can you actually do this?
One simple approach is cross-validation
[ESL]
Choosing regularization parameters
Choosing an optimal regularization parameter from a cross-validation curve
[ESL]
model
complexity
Choosing regularization parameters
Choosing an optimal regularization parameter from a cross-validation curve
Warning: this can easily
get out of hand with a
grid search over multiple
tuning parameters!
[ESL]
Part IV: Extensions
Part IV: Extensions
Weights
Adding weights
It is easy to add weights to most linear models
weights
Adding weights
This is related to generalized least squares for more general error models
Leads to
Part IV: Extensions
Constraints
Non-negative least squares
Non-negative coefficients - still convex
Structured constraints: Isotonic regression
Monotonicity in coefficients
[wikipedia]
for i >= j
Structured constraints: Isotonic regression
[wikipedia]
Part IV: Extensions
Generalized additive models
Generalized additive models
Move from linear combinations
Generalized additive models
Sum of functions of your features
Generalized additive models
[ESL]
Generalized additive models
Extremely flexible algorithm for a wide class of smoothers: splines, kernels,
local regressions...
[ESL]
Part IV: Extensions
Support vector machines
Support vector machines
[ESL]
Maximum margin classification
Support vector machines
Can be recast a regularized regression problem
[ESL]
Support vector machines
The hinge loss function
[ESL]
SVM kernels
Like any regression, SVM can be used with a basis expansion of features
[ESL]
SVM kernels
“Kernel trick”: it turns out you don’t have to specify the transformations, just a
kernel
[ESL]
Basis transformation is implicit
SVM kernels
Popular kernels for adding non-linearity
Part IV: Extensions
Mixed effects
Mixed effects models
Add an extra term to the linear model
Mixed effects models
Add an extra term to the model
another design matrix
random vector
independent noise
Motivating example: dummy variables
Indicator variables for individuals in a logistic model
Priors:
Motivating example: dummy variables
Indicator variables for individuals in a logistic model
Priors:
deltas from baseline
L2 regularization
MAP estimation leads to minimizing
How to choose the prior variances?
Selecting variances is equivalent to choosing a regularization parameter.
Some reasonable choices:
● Go full Bayes: put priors on the variances and sample
● Use a cross-validation and a grid search
● Empirical Bayes: estimate the variances from the data
Empirical Bayes (REML): you integrate out random effects and do maximum
likelihood for variances. Hard but automatic!
Interactions
More ambitious: add an interaction
But, what about small sample sizes?
Interactions
More ambitious: add an interaction
But, what about small sample sizes?
delta from baseline and main effects
Multilevel shrinkage
Penalties will strike a balance between two models of very different complexities
Very little data, tight priors: constant model
Infinite data: separate constant for each pair
In practice: somewhere in between. Jointly shrink to global constant and main effects
Partial pooling
“Learning from the experience of others” (Brad Efron)
only what is needed
beyond the baseline
(penalized)
only what is needed
beyond the baseline
and main effects
(penalized)
baseline
Mixed effects
Model is very general - extends to random slopes and more interesting
covariance structures
another design matrix
random vector
independent noise
Bayesian perspective on multilevel models (great reference)
Some excellent references
[ESL] [Agresti] [Boyd] [Efron]
Thanks!
Questions?
brad@stitchfix.com

More Related Content

What's hot

Logistic Regression in Python | Logistic Regression Example | Machine Learnin...
Logistic Regression in Python | Logistic Regression Example | Machine Learnin...Logistic Regression in Python | Logistic Regression Example | Machine Learnin...
Logistic Regression in Python | Logistic Regression Example | Machine Learnin...Edureka!
 
Dimensionality Reduction
Dimensionality ReductionDimensionality Reduction
Dimensionality Reductionmrizwan969
 
ML - Simple Linear Regression
ML - Simple Linear RegressionML - Simple Linear Regression
ML - Simple Linear RegressionAndrew Ferlitsch
 
Linear regression with gradient descent
Linear regression with gradient descentLinear regression with gradient descent
Linear regression with gradient descentSuraj Parmar
 
Linear Regression Analysis | Linear Regression in Python | Machine Learning A...
Linear Regression Analysis | Linear Regression in Python | Machine Learning A...Linear Regression Analysis | Linear Regression in Python | Machine Learning A...
Linear Regression Analysis | Linear Regression in Python | Machine Learning A...Simplilearn
 
Feature selection
Feature selectionFeature selection
Feature selectiondkpawar
 
Linear Regression vs Logistic Regression | Edureka
Linear Regression vs Logistic Regression | EdurekaLinear Regression vs Logistic Regression | Edureka
Linear Regression vs Logistic Regression | EdurekaEdureka!
 
Ml3 logistic regression-and_classification_error_metrics
Ml3 logistic regression-and_classification_error_metricsMl3 logistic regression-and_classification_error_metrics
Ml3 logistic regression-and_classification_error_metricsankit_ppt
 
Principal component analysis and lda
Principal component analysis and ldaPrincipal component analysis and lda
Principal component analysis and ldaSuresh Pokharel
 
Logistic regression
Logistic regressionLogistic regression
Logistic regressionMartinHogg9
 
Introduction to Statistical Machine Learning
Introduction to Statistical Machine LearningIntroduction to Statistical Machine Learning
Introduction to Statistical Machine Learningmahutte
 

What's hot (20)

Logistic Regression in Python | Logistic Regression Example | Machine Learnin...
Logistic Regression in Python | Logistic Regression Example | Machine Learnin...Logistic Regression in Python | Logistic Regression Example | Machine Learnin...
Logistic Regression in Python | Logistic Regression Example | Machine Learnin...
 
Statistics for data science
Statistics for data science Statistics for data science
Statistics for data science
 
PCA
PCAPCA
PCA
 
Dimensionality Reduction
Dimensionality ReductionDimensionality Reduction
Dimensionality Reduction
 
ML - Simple Linear Regression
ML - Simple Linear RegressionML - Simple Linear Regression
ML - Simple Linear Regression
 
Linear regression with gradient descent
Linear regression with gradient descentLinear regression with gradient descent
Linear regression with gradient descent
 
Linear Regression Analysis | Linear Regression in Python | Machine Learning A...
Linear Regression Analysis | Linear Regression in Python | Machine Learning A...Linear Regression Analysis | Linear Regression in Python | Machine Learning A...
Linear Regression Analysis | Linear Regression in Python | Machine Learning A...
 
Multivariate
MultivariateMultivariate
Multivariate
 
Feature selection
Feature selectionFeature selection
Feature selection
 
Multiple Linear Regression
Multiple Linear Regression Multiple Linear Regression
Multiple Linear Regression
 
Ridge regression
Ridge regressionRidge regression
Ridge regression
 
Logistic regression
Logistic regressionLogistic regression
Logistic regression
 
Linear Regression vs Logistic Regression | Edureka
Linear Regression vs Logistic Regression | EdurekaLinear Regression vs Logistic Regression | Edureka
Linear Regression vs Logistic Regression | Edureka
 
Ml3 logistic regression-and_classification_error_metrics
Ml3 logistic regression-and_classification_error_metricsMl3 logistic regression-and_classification_error_metrics
Ml3 logistic regression-and_classification_error_metrics
 
Logistic regression
Logistic regressionLogistic regression
Logistic regression
 
Pca ppt
Pca pptPca ppt
Pca ppt
 
Principal component analysis and lda
Principal component analysis and ldaPrincipal component analysis and lda
Principal component analysis and lda
 
Machine Learning (Classification Models)
Machine Learning (Classification Models)Machine Learning (Classification Models)
Machine Learning (Classification Models)
 
Logistic regression
Logistic regressionLogistic regression
Logistic regression
 
Introduction to Statistical Machine Learning
Introduction to Statistical Machine LearningIntroduction to Statistical Machine Learning
Introduction to Statistical Machine Learning
 

Viewers also liked

Data Day Texas 2017: Scaling Data Science at Stitch Fix
Data Day Texas 2017: Scaling Data Science at Stitch FixData Day Texas 2017: Scaling Data Science at Stitch Fix
Data Day Texas 2017: Scaling Data Science at Stitch FixStefan Krawczyk
 
A Picture is Worth a Thousand Words: Learning Vocabulary through Technology
A Picture is Worth a Thousand Words: Learning Vocabulary through TechnologyA Picture is Worth a Thousand Words: Learning Vocabulary through Technology
A Picture is Worth a Thousand Words: Learning Vocabulary through Technologychristopherccorcoran
 
English Second Language And Vocational Training
English Second Language And Vocational TrainingEnglish Second Language And Vocational Training
English Second Language And Vocational Trainingmlm078000
 
Top 10 buzz words in call center technology
Top 10 buzz words in call center technologyTop 10 buzz words in call center technology
Top 10 buzz words in call center technologyPointel Inc
 
Tools Commonly Used By Electricians
Tools Commonly Used By Electricians Tools Commonly Used By Electricians
Tools Commonly Used By Electricians Aidan Vosz
 
Educ 1816 content esl new
Educ 1816 content esl newEduc 1816 content esl new
Educ 1816 content esl newCynthia Hatch
 
Survival English!
Survival English!Survival English!
Survival English!mumequi
 
Finance Vocabulary (ESL: Personal Finance)
Finance Vocabulary (ESL:  Personal Finance)Finance Vocabulary (ESL:  Personal Finance)
Finance Vocabulary (ESL: Personal Finance)KatieEnglishTutoring
 
Electrical Tools
Electrical ToolsElectrical Tools
Electrical Toolsdean dundas
 
Electrical supplies & materials
Electrical supplies & materialsElectrical supplies & materials
Electrical supplies & materialsMichael Recolito
 
Email Etiquette: Tips For Better Communication
Email Etiquette: Tips For Better CommunicationEmail Etiquette: Tips For Better Communication
Email Etiquette: Tips For Better CommunicationMonica Dhoundiyal
 
Electrical tools and its function
Electrical tools and its functionElectrical tools and its function
Electrical tools and its functionFortunato de Guzman
 
LinkedIn SlideShare: Knowledge, Well-Presented
LinkedIn SlideShare: Knowledge, Well-PresentedLinkedIn SlideShare: Knowledge, Well-Presented
LinkedIn SlideShare: Knowledge, Well-PresentedSlideShare
 

Viewers also liked (18)

Data Day Texas 2017: Scaling Data Science at Stitch Fix
Data Day Texas 2017: Scaling Data Science at Stitch FixData Day Texas 2017: Scaling Data Science at Stitch Fix
Data Day Texas 2017: Scaling Data Science at Stitch Fix
 
A Picture is Worth a Thousand Words: Learning Vocabulary through Technology
A Picture is Worth a Thousand Words: Learning Vocabulary through TechnologyA Picture is Worth a Thousand Words: Learning Vocabulary through Technology
A Picture is Worth a Thousand Words: Learning Vocabulary through Technology
 
English Second Language And Vocational Training
English Second Language And Vocational TrainingEnglish Second Language And Vocational Training
English Second Language And Vocational Training
 
Lesson 7
Lesson 7Lesson 7
Lesson 7
 
Top 10 buzz words in call center technology
Top 10 buzz words in call center technologyTop 10 buzz words in call center technology
Top 10 buzz words in call center technology
 
Tools Commonly Used By Electricians
Tools Commonly Used By Electricians Tools Commonly Used By Electricians
Tools Commonly Used By Electricians
 
Educ 1816 content esl new
Educ 1816 content esl newEduc 1816 content esl new
Educ 1816 content esl new
 
Survival English!
Survival English!Survival English!
Survival English!
 
Electricians sydney
Electricians sydneyElectricians sydney
Electricians sydney
 
Finance Vocabulary (ESL: Personal Finance)
Finance Vocabulary (ESL:  Personal Finance)Finance Vocabulary (ESL:  Personal Finance)
Finance Vocabulary (ESL: Personal Finance)
 
Electrical Tools
Electrical ToolsElectrical Tools
Electrical Tools
 
Electrical supplies & materials
Electrical supplies & materialsElectrical supplies & materials
Electrical supplies & materials
 
Email Etiquette: Tips For Better Communication
Email Etiquette: Tips For Better CommunicationEmail Etiquette: Tips For Better Communication
Email Etiquette: Tips For Better Communication
 
Email Etiquette at work
Email Etiquette at workEmail Etiquette at work
Email Etiquette at work
 
Electrical tools and its function
Electrical tools and its functionElectrical tools and its function
Electrical tools and its function
 
Business english
Business englishBusiness english
Business english
 
Email Writing Skills
Email Writing SkillsEmail Writing Skills
Email Writing Skills
 
LinkedIn SlideShare: Knowledge, Well-Presented
LinkedIn SlideShare: Knowledge, Well-PresentedLinkedIn SlideShare: Knowledge, Well-Presented
LinkedIn SlideShare: Knowledge, Well-Presented
 

Similar to Linear models for data science

Module 3: Linear Regression
Module 3:  Linear RegressionModule 3:  Linear Regression
Module 3: Linear RegressionSara Hooker
 
Regression analysis algorithm
Regression analysis algorithm Regression analysis algorithm
Regression analysis algorithm Sammer Qader
 
An introduction to machine learning for particle physics
An introduction to machine learning for particle physicsAn introduction to machine learning for particle physics
An introduction to machine learning for particle physicsAndrew Lowe
 
Chapter3 hundred page machine learning
Chapter3 hundred page machine learningChapter3 hundred page machine learning
Chapter3 hundred page machine learningmustafa sarac
 
Machine Learning
Machine LearningMachine Learning
Machine LearningShiraz316
 
Machine Learning Explanations: LIME framework
Machine Learning Explanations: LIME framework Machine Learning Explanations: LIME framework
Machine Learning Explanations: LIME framework Deep Learning Italia
 
Intro to Model Selection
Intro to Model SelectionIntro to Model Selection
Intro to Model Selectionchenhm
 
Linear Regression
Linear RegressionLinear Regression
Linear Regressionmailund
 
Discussion of Persi Diaconis' lecture at ISBA 2016
Discussion of Persi Diaconis' lecture at ISBA 2016Discussion of Persi Diaconis' lecture at ISBA 2016
Discussion of Persi Diaconis' lecture at ISBA 2016Christian Robert
 
Mc0079 computer based optimization methods--phpapp02
Mc0079 computer based optimization methods--phpapp02Mc0079 computer based optimization methods--phpapp02
Mc0079 computer based optimization methods--phpapp02Rabby Bhatt
 
Final generalized linear modeling by idrees waris iugc
Final generalized linear modeling by idrees waris iugcFinal generalized linear modeling by idrees waris iugc
Final generalized linear modeling by idrees waris iugcId'rees Waris
 
08 Inference for Networks – DYAD Model Overview (2017)
08 Inference for Networks – DYAD Model Overview (2017)08 Inference for Networks – DYAD Model Overview (2017)
08 Inference for Networks – DYAD Model Overview (2017)Duke Network Analysis Center
 
Rsqrd AI - ML Interpretability: Beyond Feature Importance
Rsqrd AI - ML Interpretability: Beyond Feature ImportanceRsqrd AI - ML Interpretability: Beyond Feature Importance
Rsqrd AI - ML Interpretability: Beyond Feature ImportanceAlessya Visnjic
 
[ICLR2021 (spotlight)] Benefit of deep learning with non-convex noisy gradien...
[ICLR2021 (spotlight)] Benefit of deep learning with non-convex noisy gradien...[ICLR2021 (spotlight)] Benefit of deep learning with non-convex noisy gradien...
[ICLR2021 (spotlight)] Benefit of deep learning with non-convex noisy gradien...Taiji Suzuki
 
A tour of the top 10 algorithms for machine learning newbies
A tour of the top 10 algorithms for machine learning newbiesA tour of the top 10 algorithms for machine learning newbies
A tour of the top 10 algorithms for machine learning newbiesVimal Gupta
 
cs 601 - lecture 1.pptx
cs 601 - lecture 1.pptxcs 601 - lecture 1.pptx
cs 601 - lecture 1.pptxGopalPatidar13
 
Multiple Regression.ppt
Multiple Regression.pptMultiple Regression.ppt
Multiple Regression.pptTanyaWadhwani4
 

Similar to Linear models for data science (20)

Module 3: Linear Regression
Module 3:  Linear RegressionModule 3:  Linear Regression
Module 3: Linear Regression
 
An introduction to R
An introduction to RAn introduction to R
An introduction to R
 
Regression analysis algorithm
Regression analysis algorithm Regression analysis algorithm
Regression analysis algorithm
 
Paper473
Paper473Paper473
Paper473
 
An introduction to machine learning for particle physics
An introduction to machine learning for particle physicsAn introduction to machine learning for particle physics
An introduction to machine learning for particle physics
 
Chapter3 hundred page machine learning
Chapter3 hundred page machine learningChapter3 hundred page machine learning
Chapter3 hundred page machine learning
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Machine Learning Explanations: LIME framework
Machine Learning Explanations: LIME framework Machine Learning Explanations: LIME framework
Machine Learning Explanations: LIME framework
 
Intro to Model Selection
Intro to Model SelectionIntro to Model Selection
Intro to Model Selection
 
Linear Regression
Linear RegressionLinear Regression
Linear Regression
 
Discussion of Persi Diaconis' lecture at ISBA 2016
Discussion of Persi Diaconis' lecture at ISBA 2016Discussion of Persi Diaconis' lecture at ISBA 2016
Discussion of Persi Diaconis' lecture at ISBA 2016
 
Mc0079 computer based optimization methods--phpapp02
Mc0079 computer based optimization methods--phpapp02Mc0079 computer based optimization methods--phpapp02
Mc0079 computer based optimization methods--phpapp02
 
Final generalized linear modeling by idrees waris iugc
Final generalized linear modeling by idrees waris iugcFinal generalized linear modeling by idrees waris iugc
Final generalized linear modeling by idrees waris iugc
 
08 Inference for Networks – DYAD Model Overview (2017)
08 Inference for Networks – DYAD Model Overview (2017)08 Inference for Networks – DYAD Model Overview (2017)
08 Inference for Networks – DYAD Model Overview (2017)
 
Deep Learning Opening Workshop - Improving Generative Models - Junier Oliva, ...
Deep Learning Opening Workshop - Improving Generative Models - Junier Oliva, ...Deep Learning Opening Workshop - Improving Generative Models - Junier Oliva, ...
Deep Learning Opening Workshop - Improving Generative Models - Junier Oliva, ...
 
Rsqrd AI - ML Interpretability: Beyond Feature Importance
Rsqrd AI - ML Interpretability: Beyond Feature ImportanceRsqrd AI - ML Interpretability: Beyond Feature Importance
Rsqrd AI - ML Interpretability: Beyond Feature Importance
 
[ICLR2021 (spotlight)] Benefit of deep learning with non-convex noisy gradien...
[ICLR2021 (spotlight)] Benefit of deep learning with non-convex noisy gradien...[ICLR2021 (spotlight)] Benefit of deep learning with non-convex noisy gradien...
[ICLR2021 (spotlight)] Benefit of deep learning with non-convex noisy gradien...
 
A tour of the top 10 algorithms for machine learning newbies
A tour of the top 10 algorithms for machine learning newbiesA tour of the top 10 algorithms for machine learning newbies
A tour of the top 10 algorithms for machine learning newbies
 
cs 601 - lecture 1.pptx
cs 601 - lecture 1.pptxcs 601 - lecture 1.pptx
cs 601 - lecture 1.pptx
 
Multiple Regression.ppt
Multiple Regression.pptMultiple Regression.ppt
Multiple Regression.ppt
 

Recently uploaded

RadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdfRadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdfgstagge
 
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档208367051
 
GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]📊 Markus Baersch
 
Real-Time AI Streaming - AI Max Princeton
Real-Time AI  Streaming - AI Max PrincetonReal-Time AI  Streaming - AI Max Princeton
Real-Time AI Streaming - AI Max PrincetonTimothy Spann
 
Multiple time frame trading analysis -brianshannon.pdf
Multiple time frame trading analysis -brianshannon.pdfMultiple time frame trading analysis -brianshannon.pdf
Multiple time frame trading analysis -brianshannon.pdfchwongval
 
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...Thomas Poetter
 
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...Amil Baba Dawood bangali
 
Advanced Machine Learning for Business Professionals
Advanced Machine Learning for Business ProfessionalsAdvanced Machine Learning for Business Professionals
Advanced Machine Learning for Business ProfessionalsVICTOR MAESTRE RAMIREZ
 
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...GQ Research
 
Student profile product demonstration on grades, ability, well-being and mind...
Student profile product demonstration on grades, ability, well-being and mind...Student profile product demonstration on grades, ability, well-being and mind...
Student profile product demonstration on grades, ability, well-being and mind...Seán Kennedy
 
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改yuu sss
 
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024thyngster
 
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxmodul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxaleedritatuxx
 
detection and classification of knee osteoarthritis.pptx
detection and classification of knee osteoarthritis.pptxdetection and classification of knee osteoarthritis.pptx
detection and classification of knee osteoarthritis.pptxAleenaJamil4
 
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhh
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhhThiophen Mechanism khhjjjjjjjhhhhhhhhhhh
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhhYasamin16
 
Generative AI for Social Good at Open Data Science East 2024
Generative AI for Social Good at Open Data Science East 2024Generative AI for Social Good at Open Data Science East 2024
Generative AI for Social Good at Open Data Science East 2024Colleen Farrelly
 
Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Seán Kennedy
 
Conf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
Conf42-LLM_Adding Generative AI to Real-Time Streaming PipelinesConf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
Conf42-LLM_Adding Generative AI to Real-Time Streaming PipelinesTimothy Spann
 
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...Boston Institute of Analytics
 

Recently uploaded (20)

RadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdfRadioAdProWritingCinderellabyButleri.pdf
RadioAdProWritingCinderellabyButleri.pdf
 
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
原版1:1定制南十字星大学毕业证(SCU毕业证)#文凭成绩单#真实留信学历认证永久存档
 
GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]
 
Real-Time AI Streaming - AI Max Princeton
Real-Time AI  Streaming - AI Max PrincetonReal-Time AI  Streaming - AI Max Princeton
Real-Time AI Streaming - AI Max Princeton
 
Multiple time frame trading analysis -brianshannon.pdf
Multiple time frame trading analysis -brianshannon.pdfMultiple time frame trading analysis -brianshannon.pdf
Multiple time frame trading analysis -brianshannon.pdf
 
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
Minimizing AI Hallucinations/Confabulations and the Path towards AGI with Exa...
 
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
NO1 Certified Black Magic Specialist Expert Amil baba in Lahore Islamabad Raw...
 
Advanced Machine Learning for Business Professionals
Advanced Machine Learning for Business ProfessionalsAdvanced Machine Learning for Business Professionals
Advanced Machine Learning for Business Professionals
 
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
Biometric Authentication: The Evolution, Applications, Benefits and Challenge...
 
Student profile product demonstration on grades, ability, well-being and mind...
Student profile product demonstration on grades, ability, well-being and mind...Student profile product demonstration on grades, ability, well-being and mind...
Student profile product demonstration on grades, ability, well-being and mind...
 
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
专业一比一美国俄亥俄大学毕业证成绩单pdf电子版制作修改
 
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
 
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptxmodul pembelajaran robotic Workshop _ by Slidesgo.pptx
modul pembelajaran robotic Workshop _ by Slidesgo.pptx
 
detection and classification of knee osteoarthritis.pptx
detection and classification of knee osteoarthritis.pptxdetection and classification of knee osteoarthritis.pptx
detection and classification of knee osteoarthritis.pptx
 
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhh
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhhThiophen Mechanism khhjjjjjjjhhhhhhhhhhh
Thiophen Mechanism khhjjjjjjjhhhhhhhhhhh
 
Generative AI for Social Good at Open Data Science East 2024
Generative AI for Social Good at Open Data Science East 2024Generative AI for Social Good at Open Data Science East 2024
Generative AI for Social Good at Open Data Science East 2024
 
Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...Student Profile Sample report on improving academic performance by uniting gr...
Student Profile Sample report on improving academic performance by uniting gr...
 
Conf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
Conf42-LLM_Adding Generative AI to Real-Time Streaming PipelinesConf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
Conf42-LLM_Adding Generative AI to Real-Time Streaming Pipelines
 
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
Data Analysis Project : Targeting the Right Customers, Presentation on Bank M...
 
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
 

Linear models for data science