Regularization

Mandeep Singh Saluja
6 min readJul 18, 2024

--

While developing machine learning models you must have encountered a situation in which the training accuracy of the model is high but the validation accuracy or the testing accuracy is low. This is the case which is popularly known as overfitting in the domain of Machine Learning.

Regularization is a critical technique in machine learning and statistical modeling used to prevent overfitting and improve the generalization of models. Here’s an in-depth look at key concepts of regularization:

Overfitting and Underfitting

  • Overfitting: When a model learns not only the underlying pattern in the training data but also the noise, leading to poor performance on unseen data.
  • Underfitting: When a model is too simple to capture the underlying pattern of the data, resulting in poor performance on both training and unseen data.

In this model is not able to learn even the basic patterns available in the dataset and unable to perform well even on the training data hence we cannot expect it to perform well on the validation data. This is the case when we are supposed to increase the complexity of the model or add more features to the feature set.

GeeksforGeeks

Bias & Variance

  • Bias: Error due to overly simplistic assumptions in the learning algorithm. High bias can cause underfitting.
  • Variance: Error due to too much complexity in the learning algorithm. High variance can cause overfitting. Variance implies the error value that occurs when we try to make predictions by using data that is not previously seen by the model.

Regularization Techniques

Regularization adds a penalty to the loss function to constrain the model parameters, thereby reducing model complexity.

A regression model which uses the L1 Regularization technique is called LASSO(Least Absolute Shrinkage and Selection Operator) regression. Lasso Regression adds the “absolute value of magnitude” of the coefficient as a penalty term to the loss function(L). Lasso regression also helps us achieve feature selection by penalizing the weights to approximately equal to zero if that feature does not serve any purpose in the model.

Hyperparameter Tuning

  • The strength of regularization is controlled by hyperparameters (e.g., λ in L1/L2 regularization).
  • Choosing the right value for these hyperparameters is crucial and typically done via cross-validation.
  • Using too large value of Regularization coefficient lambda can cause underfitting

Mathematical Perspective

  • Regularization can be viewed as imposing a prior distribution on the model parameters. For instance:
  • L2 regularization corresponds to a Gaussian prior.
  • L1 regularization corresponds to a Laplace prior.
  • This Bayesian interpretation helps in understanding how regularization controls the parameter estimates.

Practical Considerations

  • Regularization is particularly useful in high-dimensional settings where the number of features exceeds the number of observations.
  • It helps in making the model more interpretable by reducing the number of features (in the case of Lasso) or by constraining the coefficients to be small (in the case of Ridge).

Implementation in Machine Learning Libraries

  • Scikit-learn: Provides implementations of Lasso, Ridge, and Elastic Net in linear models.
  • TensorFlow/PyTorch: Include options for applying L2 regularization and dropout in neural network layers.

Regularization is a fundamental concept in machine learning that ensures models generalize well to new data by balancing the complexity of the model against its performance on training data.

Let’s implement regularization in a machine learning model using Python and the popular scikit-learn library. We'll use both L1 (Lasso) and L2 (Ridge) regularization techniques with a linear regression model as an example. We'll also include Elastic Net, which combines both L1 and L2 regularization.

We’ll use a synthetic dataset for this demonstration.

import numpy as np
import matplotlib.pyplot as plt
from sklearn.model_selection import train_test_split
from sklearn.linear_model import LinearRegression, Lasso, Ridge, ElasticNet
from sklearn.metrics import mean_squared_error, r2_score
# Seed for reproducibility
np.random.seed(42)

# Generate synthetic data
X = 2 * np.random.rand(100, 1)
y = 4 + 3 * X + np.random.randn(100, 1)

# Split the data into training and testing sets
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)
# Fit the model
lin_reg = LinearRegression()
lin_reg.fit(X_train, y_train)

# Predictions
y_pred = lin_reg.predict(X_test)

# Evaluation
print(f"Linear Regression - MSE: {mean_squared_error(y_test, y_pred)}, R2: {r2_score(y_test, y_pred)}")

L1 Regularization (Lasso)

Fit a Lasso regression model with L1 regularization.

# Fit the model
lasso_reg = Lasso(alpha=0.1)
lasso_reg.fit(X_train, y_train)

# Predictions
y_pred_lasso = lasso_reg.predict(X_test)

# Evaluation
print(f"Lasso Regression - MSE: {mean_squared_error(y_test, y_pred_lasso)}, R2: {r2_score(y_test, y_pred_lasso)}")

L2 Regularization (Ridge)

Fit a Ridge regression model with L2 regularization.

# Fit the model
ridge_reg = Ridge(alpha=0.1)
ridge_reg.fit(X_train, y_train)

# Predictions
y_pred_ridge = ridge_reg.predict(X_test)

# Evaluation
print(f"Ridge Regression - MSE: {mean_squared_error(y_test, y_pred_ridge)}, R2: {r2_score(y_test, y_pred_ridge)}")

Elastic Net Regularization

Fit an Elastic Net regression model with a mix of L1 and L2 regularization.

# Fit the model
elastic_net = ElasticNet(alpha=0.1, l1_ratio=0.5)
elastic_net.fit(X_train, y_train)

# Predictions
y_pred_elastic = elastic_net.predict(X_test)

# Evaluation
print(f"Elastic Net Regression - MSE: {mean_squared_error(y_test, y_pred_elastic)}, R2: {r2_score(y_test, y_pred_elastic)}")

Comparison of Results

Compare the results of the different models.

print(f"Linear Regression - Coefficients: {lin_reg.coef_}, Intercept: {lin_reg.intercept_}")
print(f"Lasso Regression - Coefficients: {lasso_reg.coef_}, Intercept: {lasso_reg.intercept_}")
print(f"Ridge Regression - Coefficients: {ridge_reg.coef_}, Intercept: {ridge_reg.intercept_}")
print(f"Elastic Net Regression - Coefficients: {elastic_net.coef_}, Intercept: {elastic_net.intercept_}")

Detailed Explanation

1. Data Generation

The np.random.seed(42) line sets the seed for the NumPy random number generator. This is done to ensure reproducibility of the results. When a seed is set, the sequence of random numbers generated will be the same each time the code is run, which is useful for debugging and comparing results.

  • We create a synthetic dataset with a linear relationship y = 4+ 3X + noise
  • The dataset is split into training and testing sets to evaluate the performance of the models.
X = 2 * np.random.rand(100, 1)
  • np.random.rand(100, 1) generates a 100x1 array of random numbers between 0 and 1.
  • Multiplying by 2 scales these random numbers to be between 0 and 2.
  • X represents the independent variable in our synthetic dataset.
y = 4 + 3 * X + np.random.randn(100, 1)
  • 4 + 3 * X creates a linear relationship with a slope of 3 and an intercept of 4.
  • np.random.randn(100, 1) generates a 100x1 array of random numbers drawn from a standard normal distribution (mean 0, variance 1). This adds some noise to the linear relationship to make the data more realistic and less perfectly linear.
  • y represents the dependent variable in our synthetic dataset.

2. L1 Regularization (Lasso)

  • Lasso regression adds a penalty equal to the absolute value of the magnitude of coefficients.
  • The alpha parameter controls the strength of the regularization. Here, alpha=0.1 is used.

3. L2 Regularization (Ridge)

  • Ridge regression adds a penalty equal to the square of the magnitude of coefficients.
  • Similar to Lasso, the alpha parameter controls the regularization strength.

4. Elastic Net Regularization

  • Elastic Net combines L1 and L2 regularization, controlled by alpha and l1_ratio parameters.
  • alpha=0.1 controls the overall strength, while l1_ratio=0.5 balances between L1 and L2 penalties.

5. Comparison

  • The coefficients and intercepts of each model are printed to observe the effect of regularization.
  • Regularization typically shrinks the coefficients compared to standard linear regression, with Lasso potentially setting some coefficients to zero.

In the context of regularization in machine learning and statistics, the terms “alpha” and “lambda” are often used interchangeably, but their usage depends on the specific library or context. Both parameters control the strength of the regularization applied to the model, but let’s clarify their typical usage in different contexts:

  • Lambda (λ): This is the traditional notation used in the theoretical formulation of regularization methods. It represents the regularization parameter that controls the trade-off between fitting the training data well and keeping the model parameters small to avoid overfitting.
  • Alpha (α): In some libraries, notably scikit-learn, the regularization parameter is referred to as "alpha."

--

--