Top 7 Loss Functions to Evaluate Regression Models

Khyati Mahendru 14 Feb, 2024 • 11 min read

Introduction

Picture this – you’ve trained a machine learning model on a specific dataset, eagerly anticipating its performance in front of your client. But how can you ascertain if this model will deliver optimal results? Is there a metric or technique that swiftly evaluates your model’s performance on the dataset? Indeed, that’s precisely where loss functions come into play in machine learning.

In this article, we’ll discuss 7 common loss functions utilized in machine learning, explaining their roles in assessing model performance, particularly in regression problems and regression models. With much ground to cover, let’s embark on our exploration!

Loss Functions

Learning Objectives

  • Understand different loss functions in Machine Learning.
  • Know the difference between loss function and cost function.
  • Learn how to implement different loss functions in Python.

Loss functions are one part of the entire machine-learning journey you will take. Here’s the perfect course to help you get started and make you industry-ready: Applied Machine Learning – Beginner to Professional.

What Are Loss Functions?

Loss functions, also known as objective functions, are pivotal in machine learning algorithms. They guide decision-making by mapping choices to associated costs. Imagine being atop a hill and needing to descend. Rejecting uphill paths, you’d opt for the steepest downhill slope. Similarly, a loss function aids in minimizing errors during training by quantifying the discrepancy between predicted and actual values. This optimization process aims to achieve an optimum, where the loss function yields the lowest possible value. Common loss functions include quadratic loss (e.g., Mean Squared Error) and absolute value (e.g., Mean Absolute Error). Understanding and leveraging loss functions enhance comprehension of machine learning algorithms.

Also Read: Dimensionality Reduction Techniques | Python

Difference Between Loss Function and Cost Function

I want to emphasize this: although cost function and loss function are synonymous and used interchangeably, they are different.

A loss function is for a single training example. It is also sometimes called an error function. A cost function, on the other hand, is the average loss over the entire training dataset. The optimization strategies aim at minimizing the cost function.

Also Read: Regularization in Machine Learning

What Are Regression Loss Functions?

You must be quite familiar with linear regression at this point. It deals with modeling a linear relationship between a dependent variable, Y, and several independent variables, X_i’s. Thus, we essentially fit a line in space on these variables.

Y = a0 + a1 * X1 + a2 * X2 + ....+ an * Xn

We will use the given data points to find the coefficients a0, a1, …, an.

loss function machine learning

We will use the famous Boston Housing Dataset to understand this concept. And to keep things simple, we will use only one feature – the Average number of rooms per dwelling (X) – to predict the dependent variable – the Median Value (Y) of houses in $1000′s.

We will use Gradient Descent as an optimization strategy to find the regression line. I will not go into the intricate details about Gradient Descent, but here is a reminder of the Weight Update Rule:

loss function

We will use Gradient Descent as an optimization strategy to find the regression line. I will not go into the intricate details about Gradient Descent, but here is a reminder of the Weight Update Rule:

Here, θj​ represents the weight to be updated, α denotes the learning rate, and J symbolizes the cost function. The cost function, parameterized by θ, aims to minimize the overall cost. For an in-depth explanation of Gradient Descent and its workings, refer here.

Steps for Loss Functions

  1. Define the predictor function f(X), and identify the parameters to find.
  2. Determine the loss for each training example.
  3. Derive the expression for the Cost Function, representing the average loss across all examples.
  4. Compute the gradient of the Cost Function concerning each unknown parameter.
  5. Select the learning rate and execute the weight update rule for a fixed number of iterations.

These steps guide the optimization process, aiding in the determination of optimal model parameters. Below, you’ll find descriptions of various regression loss functions, including least squares, which quantify the deviation between predicted and actual values.

Also Read: 15 Most Important Features of Scikit-Learn!

Mean Squared Error Loss

Squared Error loss for each training example, also known as L2 Loss, is the square of the difference between the actual and the predicted values:

The corresponding cost function is the Mean of these Squared Errors, which is the Mean Squared Error (MSE).

I encourage you to try and find the gradient for gradient descent yourself before referring to the code below.

Python Code:

I used this code on the Boston data for different values of the learning rate for 500 iterations each:

Here’s a task for you. Try running the code for a learning rate of 0.1 again for 500 iterations. Let me know your observations and any possible explanations in the comments section.

Let’s talk a bit more about the MSE loss function. It is a positive quadratic function (of the form ax^2 + bx + c where a > 0). Remember how it looks graphically?

loss function

A quadratic function only has a global minimum. Since there are no local minima, we will never get stuck in one. Hence, it is always guaranteed that Gradient Descent will converge (if it converges at all) to the global minimum.

The MSE loss function penalizes the model for making large errors by squaring them. Squaring a large quantity makes it even larger, right? But there’s a caveat. This property makes the MSE cost function less robust to outliers. Therefore, it should not be used if our data is prone to many outliers.

Also Read: Data Science Subjects and Syllabus [Latest Topics Included]

Mean Absolute Error Loss

Absolute Error for each training example is the distance between the predicted and the actual values, irrespective of the sign, i.e., it is the absolute difference between the actual and predicted values. Absolute Error is also known as the L1 loss:

As I mentioned before, the cost is the Mean of these Absolute Errors, which is the Mean Absolute Error (MAE).

The MAE cost is more robust to outliers as compared to MSE. However, handling the absolute or modulus operator in mathematical equations is not easy. I’m sure a lot of you must agree with this! We can consider this as a disadvantage of MAE.

Here is the code for the update_weight function with MAE cost:

We get the below plot after running the code for 500 iterations with different learning rates:

loss function

Huber Loss

The Huber loss combines the best properties of MSE and MAE. It is quadratic for smaller errors and is linear otherwise (and similarly for its gradient). It is identified by its delta parameter:

loss function

We obtain the below plot for 500 iterations of weight update at a learning rate of 0.0001 for different values of the delta parameter:

Huber loss is more robust to outliers than MSE. It is used in Robust Regression, M-estimation, and Additive Modelling. A variant of Huber Loss is also used in classification.

Binary Classification Loss Functions

We want to classify a tumor as ‘Malignant’ or ‘Benign’ based on features like average radius, area, perimeter, etc. For simplification, we will use only two input features (X_1 and X_2), namely ‘worst area’ and ‘mean symmetry,’ for classification. The target value Y can be 0 (Malignant) or 1 (Benign).

I will illustrate these binary classification loss functions on the Breast Cancer dataset.

We want to classify a tumor as ‘Malignant’ or ‘Benign’ based on features like average radius, area, perimeter, etc. For simplification, we will use only two input features (X_1 and X_2), namely ‘worst area’ and ‘mean symmetry,’ for classification. The target value Y can be 0 (Malignant) or 1 (Benign).

Here is a scatter plot for our data:

loss function

Here are the different types of binary classification loss functions.

Binary Cross Entropy Loss

Let us start by understanding the term ‘entropy’. Generally, we use entropy to indicate disorder or uncertainty. It is measured for a random variable X with probability distribution p(X):

loss function

The negative sign is used to make the overall quantity positive.

A greater value of entropy for a probability distribution indicates a greater uncertainty in the distribution. Likewise, a smaller value indicates a more certain distribution.

This makes binary cross-entropy suitable as a loss function – you want to minimize its value. We use binary cross-entropy loss function for classification models, which output a probability p.

Probability that the element belongs to class 1 (or positive class) = p
Then, the probability that the element belongs to class 0 (or negative class) = 1 - p

Then, the cross-entropy loss for output label y (can take values 0 and 1) and predicted probability p is defined as:

This is also called Log-Loss. To calculate the probability p, we can use the sigmoid function. Here, z is a function of our input features:

The range of the sigmoid function is [0, 1] which makes it suitable for calculating probability.

Try to find the gradient yourself and then look at the code for the update_weight function below.

Try to find the gradient yourself and then look at the code for the update_weight function below:

I got the below plot using the weight update rule for 1000 iterations with different values of alpha:

Cost - Binary Cross Entropy

Also Read: Everything you need to Know about Linear Regression

Hinge Loss

Hinge loss is primarily used with Support Vector Machine (SVM) Classifiers with class labels -1 and 1. So make sure you change the label of the ‘Malignant’ class in the dataset from 0 to -1.

Hinge Loss not only penalizes the wrong predictions but also the right predictions that are not confident.

Hinge loss for an input-output pair (x, y) is given as:

hinge loss

After running the update function for 2000 iterations with three different values of alpha, we obtain this plot:

Hinge Loss simplifies the mathematics for SVM while maximizing the loss (as compared to Log-Loss). It is used when we want to make real-time decisions with not a laser-sharp focus on accuracy.

Multi-Class Classification Loss Functions

Emails are not just classified as spam or not spam (this isn’t the 90s anymore!). They are classified into various other categories – Work, Home, Social, Promotions, etc. This is a Multi-Class Classification use case.

We’ll use the Iris Dataset to understand the remaining two loss functions. We will use 2 features X_1, Sepal length, and feature X_2, Petal width, to predict the class (Y) of the Iris flower – Setosa, Versicolor, or Virginica.

Our task is to implement the classifier using a neural network model and the in-built Adam optimizer in Keras. This is because as the number of parameters increases, the math, as well as the code, will become difficult to comprehend.

If you are new to Neural Networks, I highly recommend reading this article first.

Here is the scatter plot for our data:

Scatter plot for sample data

Here are the different types of multi-class classification loss functions.

Also Read: A Comprehensive Guide on Hyperparameter Tuning and its Techniques

Multi-Class Cross Entropy Loss

The multi-class cross-entropy loss function is a generalization of the Binary Cross Entropy loss. The loss for input vector X_i and the corresponding one-hot encoded target vector Y_i is:

loss function

We use the softmax function to find the probabilities p_ij:

“Softmax is implemented through a neural network layer just before the output layer. The Softmax layer must have the same number of nodes as the output layer.” Google Developer’s Blog

Softmax network

Finally, our output is the class with the maximum probability for the given input.

We build a model using an input layer and an output layer and compile it with different learning rates. Specify the loss parameter as ‘categorical_crossentropy’ in the model.compile() statement:

Here are the plots for cost and accuracy, respectively, after training for 200 epochs:

Cost - Multi-Class Cross Entropy Loss
Accuracy - Multi-Class Cross Entropy Loss

KL-Divergence

The Kullback-Liebler Divergence is a measure of how a probability distribution differs from another distribution. A KL-divergence of zero indicates that the distributions are identical.

KL-Divergence Formula

Notice that the divergence function is not symmetric.

KL-Divergence function is not symmetric

This is why KL-Divergence cannot be used as a distance metric.

I will describe the basic approach of using KL-Divergence as a loss function without getting into its math. We want to approximate the true probability distribution P of our target variables with respect to the input features, given some approximate distribution Q.  Since KL-Divergence is not symmetric, we can do this in two ways:

KL-Divergence loss function

The first approach is used in Supervised learning, and the second in Reinforcement Learning. KL-Divergence is functionally similar to multi-class cross-entropy and is also called relative entropy of P with respect to Q:

KL-Divergence loss function, relative entropy

We specify the ‘kullback_leibler_divergence’ as the value of the loss parameter in the compile() function as we did before with the multi-class cross-entropy loss.


KL-Divergence is used more commonly to approximate complex functions than in multi-class classification. We come across KL-Divergence frequently while playing with deep-generative models like Variational Autoencoders (VAEs).

Conclusion

Woah! Through this tutorial, we have covered a lot of ground here. Give yourself a pat on your back for making it all the way to the end. This was quite a comprehensive list of loss functions we typically use in machine learning. I would suggest going through this article a couple of more times as you proceed with your machine-learning journey. This isn’t a one-time effort. It will take a few readings and experience to understand how and where these loss functions work.

Meanwhile, you can also check out our comprehensive beginner-level machine learning course: Applied Machine Learning – Beginner to Professional

Key Takeaways

  • Loss functions and cost functions are two different types of functions.
  • Loss functions are used to calculate the error of the ML model.
  • The selection of the loss function depends on the nature of the problem, i.e., regression or classification.

Frequently Asked Questions

Q1. How do you find the loss in a linear regression model?

A. In a linear regression model, loss is typically calculated by measuring the squared difference between predicted and actual values, summed across all data points.

Q2. How do you choose a regression loss function?

A. When choosing a regression loss function, consider factors like data distribution and desired model behavior. Select a function that aligns with the problem’s objectives and the characteristics of the dataset.

Q3. What is the MSE loss function in linear regression?

A. Mean Squared Error (MSE) in linear regression quantifies the average squared difference between predicted and actual values. It’s commonly used due to its simplicity and effectiveness.

Q4. What is the best loss function for multiple regression?

A. The best loss function for multiple regression depends on the specific problem requirements and dataset characteristics. Options like MSE, MAE, or specialized variants may be suitable, tailored to the task’s objectives.

Q5. What is Loss Function in Deep Learning?

In Deep Learning, a loss function quantifies the difference between predicted and actual values, guiding the optimization process during model training. It indicates the model’s performance and helps improve its accuracy.

Khyati Mahendru 14 Feb 2024

Frequently Asked Questions

Lorem ipsum dolor sit amet, consectetur adipiscing elit,

Responses From Readers

Clear

Joe Vitor
Joe Vitor 14 Aug, 2019

Thank you very much for the article. Excellent and detailed explanatins.Any idea on how to use Machine Learning for studying the lotteries? Not to play the lotteries, but to study some behaviours based on data gathered as a time series.

Michael
Michael 14 Aug, 2019

Great article, I can see incorporating some of these in our current projects and will introduce our lunch and learn team to your article. Thank you for taking the time to write it!

prof Rambabu
prof Rambabu 18 Aug, 2019

First time Reading is "generated" interest, to involve, Sure this can have involvement with multiple times studying. Application skills of these concepts requires additional practice. Good going,

himanshu khantwal
himanshu khantwal 30 Aug, 2019

need an article like this on back propagation using pytorch

Naincy Rani
Naincy Rani 15 Sep, 2019

It was such a wonderful article!! Thanks for sharing mate!

ROSINARA Ferreira
ROSINARA Ferreira 15 Oct, 2019

Great Article.. Thank you so much!! By the way.. do you have something to share about “ The quantification of certainty above reasonable doubt in the judgment of the merits of criminal proceedings by artificial intelligence “

Manish
Manish 15 Oct, 2019

Great article, complete with code. Any idea on how to create your own custom loss function?

Tuhin
Tuhin 07 Feb, 2020

Hello KHYATI MAHENDRU, you have done a really great job. And you'll be really surprised to know how these types of things help, small students like us! I am still at my college level, pursuing B. Tech (2nd Yr) and I don't have that enough money to learn paid things... But If I get things like this at some regular intervals... then you are more than God to me! Thanks to KHYATI MAHENDRU

Ali
Ali 19 Jan, 2022

most of your notes are a copy of other websites specially "masterymachinelearning" and "towardsdatascience". You can at least cite these great websites in your copies. :/

Machine Learning
Become a full stack data scientist

  • [tta_listen_btn class="listen"]