Contents

3.1. Generalized Linear Models

The following are a set of methods intended for regression in which the target value is expected to be a linear combination of the input variables. In mathematical notion, if \hat{y} is the predicted value.

\hat{y}(\beta, x) = \beta_0 + \beta_1 x_1 + ... + \beta_D x_D

Across the module, we designate the vector \beta = (\beta_1,
..., \beta_D) as coef_ and \beta_0 as intercept_.

3.1.1. Ordinary Least Squares (OLS)

LinearRegression fits a linear model with coefficients \beta = (\beta_1, ..., \beta_D) to minimize the residual sum of squares between the observed responses in the dataset, and the responses predicted by the linear approximation.

LinearRegression will take in its fit method arrays X, y and will store the coefficients w of the linear model in its coef_ member.

>>> from scikits.learn import linear_model
>>> clf = linear_model.LinearRegression()
>>> clf.fit ([[0, 0], [1, 1], [2, 2]], [0, 1, 2])
LinearRegression(fit_intercept=True)
>>> clf.coef_
array([ 0.5,  0.5])

However, coefficient estimates for Ordinary Least Squares rely on the independence of the model terms. When terms are correlated and the columns of the design matrix X have an approximate linear dependence, the matrix X(X^T X)^{-1} becomes close to singular and as a result, the least-squares estimate becomes highly sensitive to random errors in the observed response, producing a large variance. This situation of multicollinearity can arise, for example, when data are collected without an experimental design.

3.1.1.1. OLS Complexity

This method computes the least squares solution using a singular value decomposition of X. If X is a matrix of size (n, p ) this method has a cost of O(n p^2), assuming that n \geq p.

3.1.2. Ridge Regression

Ridge regression addresses some of the problems of Ordinary Least Squares (OLS) by imposing a penalty on the size of coefficients. The ridge coefficients minimize a penalized residual sum of squares,

\beta^{ridge} = \underset{\beta}{argmin} { \sum_{i=1}{N} (y_i -
              \beta_0 - \sum_{j=1}{p} x_ij \beta_j)^2 + \alpha
              \sum_{j=1}{p} \beta_{j}^2}

Here, \alpha \geq 0 is a complexity parameter that controls the amount of shrinkage: the larger the value of \alpha, the greater the amount of shrinkage.

>>> from scikits.learn import linear_model
>>> clf = linear_model.Ridge (alpha = .5)
>>> clf.fit ([[0, 0], [0, 0], [1, 1]], [0, .1, 1])
Ridge(alpha=0.5, fit_intercept=True)
>>> clf.coef_
array([ 0.34545455,  0.34545455])
>>> clf.intercept_ 
0.13636...

3.1.2.1. Ridge Complexity

This method has the same order of complexity than an Ordinary Least Squares (OLS).

3.1.3. Lasso

The Lasso is a linear model trained with L1 prior as regularizer. The objective function to minimize is:

0.5 * ||y - X w||_2 ^ 2 + \alpha * ||w||_1

The lasso estimate thus solves the minimization of the least-squares penalty with \alpha * ||w||_1 added, where \alpha is a constant and ||w||_1 is the L1-norm of the parameter vector.

This formulation is useful in some contexts due to its tendency to prefer solutions with fewer parameter values, effectively reducing the number of variables upon which the given solution is dependent. For this reason, the Lasso and its variants are fundamental to the field of compressed sensing.

This implementation uses coordinate descent as the algorithm to fit the coefficients. See Least Angle Regression for another implementation.

>>> clf = linear_model.Lasso(alpha = 0.1)
>>> clf.fit ([[0, 0], [1, 1]], [0, 1])
Lasso(alpha=0.1, fit_intercept=True)
>>> clf.predict ([[1, 1]])
array([ 0.8])

The function lasso_path() computes the coefficients along the full path of possible values.

3.1.4. Elastic Net

ElasticNet is a linear model trained with L1 and L2 prior as regularizer.

The objective function to minimize is in this case

0.5 * ||y - X w||_2 ^ 2 + \alpha * \rho * ||w||_1 + \alpha * (1-\rho) * 0.5 * ||w||_2 ^ 2

3.1.5. Least Angle Regression

Least-angle regression (LARS) is a regression algorithm for high-dimensional data, developed by Bradley Efron, Trevor Hastie, Iain Johnstone and Robert Tibshirani.

The advantages of LARS are:

  • It is computationally just as fast as forward selection and has the same order of complexity as an ordinary least squares.
  • It produces a full piecewise linear solution path, which is useful in cross-validation or similar attempts to tune the model.
  • If two variables are almost equally correlated with the response, then their coefficients should increase at approximately the same rate. The algorithm thus behaves as intuition would expect, and also is more stable.
  • It is easily modified to produce solutions for other estimators, like the Lasso.
  • It is effective in contexts where p >> n (i.e., when the number of dimensions is significantly greater than the number of points)

The disadvantages of the LARS method include:

  • Because LARS is based upon an iterative refitting of the residuals, it would appear to be especially sensitive to the effects of noise. This problem is discussed in detail by Weisberg in the discussion section of the Efron et al. (2004) Annals of Statistics article.

The LARS model can be used using estimator LARS, or its low-level implementation lars_path().

3.1.6. LARS Lasso

LassoLARS is a lasso model implemented using the LARS algorithm, and unlike the implementation based on coordinate_descent, this yields the exact solution, which is piecewise linear as a function of the norm of its coefficients.

The LARS algorithm provides the full path of the coefficients along the regularization parameter almost for free, thus a common operation consist of retrieving the path with function lars_path()

3.1.6.1. Mathematical formulation

The algorithm is similar to forward stepwise regression, but instead of including variables at each step, the estimated parameters are increased in a direction equiangular to each one’s correlations with the residual.

Instead of giving a vector result, the LARS solution consists of a curve denoting the solution for each value of the L1 norm of the parameter vector. The full coeffients path is stored in the array coef_path_, which has size (n_features, max_features+1). The first column is always zero.

References:

3.1.7. Bayesian Regression

Bayesian regression techniques can be used to include regularization parameters in the estimation procedure. This can be done by introducing some prior knowledge over the parameters. For example, penalization by weighted \ell_{2} norm is equivalent to setting Gaussian priors on the weights.

The advantages of Bayesian Regression are:

  • It adapts to the data at hand.
  • It can be used to include regularization parameters in the estimation procedure.

The disadvantages of Bayesian Regression include:

  • Inference of the model can be time consuming.

3.1.7.1. Bayesian Ridge Regression

BayesianRidge tries to avoid the overfit issue of Ordinary Least Squares (OLS), by adding the following prior on \beta:

p(\beta|\lambda) =
\mathcal{N}(\beta|0,\lambda^{-1}\bold{I_{p}})

The resulting model is called Bayesian Ridge Regression, it is similar to the classical Ridge. \lambda is an hyper-parameter and the prior over \beta performs a shrinkage or regularization, by constraining the values of the weights to be small. Indeed, with a large value of \lambda, the Gaussian is narrowed around 0 which does not allow large values of \beta, and with low value of \lambda, the Gaussian is very flattened which allows values of \beta. Here, we use a non-informative prior for \lambda. The parameters are estimated by maximizing the marginal log likelihood. There is also a Gamma prior for \lambda and \alpha:

g(\alpha|\alpha_1,\alpha_2) = \frac{\alpha_2^{\alpha_1}}
{\Gamma(\alpha_1)} \alpha^{\alpha_1-1} e^{-\alpha_2 {\alpha}}

g(\lambda|\lambda_1,\lambda_2) = \frac{\lambda_2^{\lambda_1}}
{\Gamma(\lambda_1)} \lambda^{\lambda_1-1} e^{-\lambda_2 {\lambda}}

By default \alpha_1 = \alpha_2 =  \lambda_1 = \lambda_2 = 1.e^{-6}, i.e.
very slightly informative priors.
../_images/plot_bayesian_ridge.png

Bayesian Ridge Regression is used for regression:

>>> from scikits.learn import linear_model
>>> X = [[0., 0.], [1., 1.], [2., 2.], [3., 3.]]
>>> Y = [0., 1., 2., 3.]
>>> clf = linear_model.BayesianRidge()
>>> clf.fit (X, Y)
BayesianRidge(n_iter=300, verbose=False, lambda_1=1e-06, lambda_2=1e-06,
       fit_intercept=True, eps=0.001, alpha_2=1e-06, alpha_1=1e-06,
       compute_score=False)

After being fitted, the model can then be used to predict new values:

>>> clf.predict ([[1, 0.]])
array([ 0.50000013])

The weights \beta of the model can be access:

>>> clf.coef_
array([ 0.49999993,  0.49999993])

Due to the Bayesian framework, the weights found are slightly different to the ones found by Ordinary Least Squares (OLS). However, Bayesian Ridge Regression is more robust to ill-posed problem.

References

3.1.8. Automatic Relevance Determination - ARD

ARDRegression adds a more sophisticated prior \beta, where we assume that each weight \beta_{i} is drawn in a Gaussian distribution, centered on zero and with a precision \lambda_{i}:

p(\beta|\lambda) = \mathcal{N}(\beta|0,A^{-1})

with diag \; (A) = \lambda = \{\lambda_{1},...,\lambda_{p}\}. There is also a Gamma prior for \lambda and \alpha:

g(\alpha|\alpha_1,\alpha_2) = \frac{\alpha_2^{\alpha_1}}
{\Gamma(\alpha_1)} \alpha^{\alpha_1-1} e^{-\alpha_2 {\alpha}}

g(\lambda|\lambda_1,\lambda_2) = \frac{\lambda_2^{\lambda_1}}
{\Gamma(\lambda_1)} \lambda^{\lambda_1-1} e^{-\lambda_2 {\lambda}}

By default \alpha_1 = \alpha_2 =  \lambda_1 = \lambda_2 = 1.e-6, i.e.
very slightly informative priors.
../_images/plot_ard.png

3.1.8.1. Mathematical formulation

A prior is introduced as a distribution p(\theta) over the parameters. This distribution is set before processing the data. The parameters of a prior distribution are called hyper-parameters. This description is based on the Bayes theorem :

p(\theta|\{X,y\})
= \frac{p(\{X,y\}|\theta)p(\theta)}{p(\{X,y\})}

With :
  • p({X, y}|\theta) the likelihood : it expresses how probable it is to observe {X,y} given \theta.
  • p({X, y}) the marginal probability of the data : it can be considered as a normalizing constant, and is computed by integrating p({X, y}|\theta) with respect to \theta.
  • p(\theta) the prior over the parameters : it expresses the knowledge that we can have about \theta before processing the data.
  • p(\theta|{X, y}) the conditional probability (or posterior probability) : it expresses the uncertainty in \theta after observing the data.

All the following regressions are based on the following Gaussian assumption:

p(y|X,w,\alpha) = \mathcal{N}(y|X w,\alpha)

where \alpha is the precision of the noise.

References

  • Original Algorithm is detailed in the book Bayesian learning for neural networks by Radford M. Neal

3.1.9. Stochastic Gradient Descent - SGD

Stochastic gradient descent is a simple yet very efficient approach to fit linear models. It is particulary useful when the number of samples (and the number of features) is very large.

The classes SGDClassifier and SGDRegressor provide functionality to fit linear models for classification and regression using different (convex) loss functions and different penalties.