• Articles
  • Tutorials
  • Interview Questions

Cost Function in Machine Learning

Do you know the crucial role the cost function plays in machine learning? It’s not just about minimizing errors; it’s about guiding models towards optimal predictions. Ever wondered how algorithms learn from data? And how is their accuracy tracked and improved? If you need answers to these questions, learning about the notion of cost function in machine learning is quintessential.

In this blog, we’ll talk about cost functions—what they are, why they matter, their different kinds, and the important idea of gradient descent. We’ll also see a practical application of the cost function to improve the overall performance of the machine-learning model. Below are the contents we will go through in this blog post: 

What is the Cost Function in Machine Learning?

In machine learning, a cost function (also known as a loss function) is a parameter that lets you know how well your machine learning model is performing under given conditions. A cost function is the calculated difference between predicted values and actual values in the data set. It provides a single scalar value, representing how well the model performs on the given data.

The main goal of the machine learning model is to minimize the cost function and achieve high prediction accuracy. Hence, the lower the cost function value, the better the model’s predictions align with the actual data.

Imagine that you have a dataset that contains target values and related input feature values. Based on these inputs, the model produces predictions as part of its learning process. To assess the difference between these projected values and the actual targets, the cost function is called upon.

Transform your knowledge in the domain with our Machine Learning Course. Enroll now!

Why Use Cost Function – Explained with Example

To better understand why cost function is an important metric, let’s consider an example. Suppose we have a dataset that contains the speed and mileage of cars and bicycles, and we need to classify them. If we plot the records using these two parameters, we will get a scatter plot as below:

Scatter Plot 

As you can see, the blue color is for cars, and the green color depicts bicycles. Now how can I carry out classification for given data? The obvious answer would be figuring out a classifier that splits both classes into two. Now consider that, I found three solutions as depicted in the graphs below:

Best Solution in Scatter Plot

While the accuracy of the three classifiers in the preceding solutions is great, the third solution is the best since it accurately classifies every data point. The best way to sort things is when you put them in the middle, not too close to one thing or the other.

We need a cost function to obtain such results. It helps you determine how much the model mispredicted by calculating the difference between real and projected values. Not only that, but the cost function is a metric that, after minimization, will help you land the optimal solution. 

Types of Cost Functions in Machine Learning

There are mainly three types of cost functions in ML, as below:

  • Regression cost function
  • Binary classification cost function
  • Multi-class classification cost function

Let’s discuss these cost functions one by one.

Regression Cost Function

Regression models are similar to the tools we use to make continuous predictions, such as the price of a house, the forecasted temperature, or a person’s likelihood of receiving a loan. As for the “regression cost function,” it’s simply a means of measuring how inaccurate our predictions are. The “cost,” or the amount we missed, is determined by comparing our estimate with the actual result. Thus, it assists in evaluating the accuracy of our estimates.

A regression cost function is further classified into three types: mean error, mean square error, and mean absolute error.

Mean Error

The mean error refers to the average of the errors made in predictions. It calculates the usual discrepancy between expected and actual data. The mean error sums up all the errors and is divided by the total number of observations.

Mean Square Error

In a regression, the mean squared error (MSE) is a commonly used metric to determine how well a model predicts continuous outcomes. It’s a figure that indicates the average difference between our expected and actual numbers.

Formula:

Mean Square Error Formula - Cost Function in Machine Learning - Intellipaat

Mean Absolute Error (MAE)

Another technique for determining how inaccurate our predictions are is the mean absolute error (MAE). Unlike mean squared error (MSE), which squares the discrepancies between our estimates and the actual results, MAE simply considers how far off we are, regardless of whether we’re too high or too low.

It’s similar to stating, “Let’s just see how far away our guesses are from the real answers, without worrying about whether we’re overestimating or underestimating.”

Formula: 

Mean Absolute Error - Cost Function in Machine Learning - Intellipaat

Binary Classification Cost Function

The binary classification cost function is used for classification models that make predictions of categorical values such as binary digits (0 or 1), true or false, boolean values, etc.  The classification cost function is different from the regression cost function. 

The cross-entropy loss function is one of the most commonly used loss functions for classification. The binary cross function is a special case of categorical cross-entropy. Let’s consider an example and understand cross-entropy in detail. Suppose we have a binary classification problem where we are predicting whether an email is spam (class 1) or not (class 0).

The machine learning model will output a probability for each class:

Output = [P(Not Spam), P(Spam)]

The actual probability distribution for each class is as follows:

Not Spam = [1, 0]

Spam = [0, 1]

During training, if the input email is indeed spam (class Spam), we want the predicted probability distribution to be closer to the actual distribution of spam.

Multi-class Classification Cost Function

A multi-class classification cost function is used in classification scenarios where instances are assigned to more than two. Similar to the cost function used in binary classification, cross-entropy or categorical cross-entropy is commonly utilized here.

In multi-class classification, where goal values range from 0 to 1, 2,…, n classes, this cost function is designed to support it. Cross-entropy calculates a score that captures the average difference between the actual and expected probability distributions in multi-class classification tasks.

Prepare for your machine learning interview with confidence using our curated list of the Top Machine Learning Interview Questions and Answers.

What is Gradient Descent?

Gradient descent is an optimization process that uses repetitive parameter adjustments to reduce the cost function of a machine learning model. It is frequently used for model training in deep learning and machine learning.

The fundamental principle of gradient descent is to adjust a model’s parameters in a way that minimizes the cost function. This direction is determined by the negative gradient of the cost function for the parameters. 

Gradient Descent Graph

The following steps are used to update the parameters iteratively after it begins with an initial set of values:

1. Determine the gradient of the cost function with each parameter.

2. Update each parameter by taking a small step in the opposite direction of the gradient.

3. Continue the procedure until a predetermined number of iterations is attained until completion.

There are different variants of gradient descent, such as 

  • Batch gradient descent
  • Stochastic gradient descent 
  • Mini-batch gradient descent

There are differences in how they use the training data and compute and update the gradients. Every variation has benefits and works well with various datasets and optimization problem types.

The gradient descent equation for linear regression is given below:

gradient descent equation for linear regression

If you want to learn more about performance evaluation metrics, check out our blog on Loss Function in Deep Learning.

Cost Function for Linear Regression

In linear regression, to determine the most accurate output that can be obtained for a given parameter, the dependent and independent variables of a given model are represented linearly.

In machine learning, the cost function indicates the locations where the model is undertrained. To maximize the number of places at which the functions cross the regression line, linear regression is employed.

A well-fitting linear regression model appears as follows:  

linear regression model

Mathematically, the MSE cost function for linear regression is defined as:

Cost Function for Neural Networks

A neural network is a type of machine learning algorithm that receives various inputs, processes them using a variety of algorithms, and then sums the results of these algorithms to obtain the final result.

The sum of the mistakes in every layer of a neural network will be its cost function. This is accomplished by first determining the mistake at each layer and then adding together each error to determine the overall error. 

To find a cost function for a neural network, first find the gradient descent. As the value of the cost function is determined by the difference between the predicted and actual values, the gradient descent will show the error trends.

Cost Function for Neural Networks

Cost Function Formula for Neural Networks

As per our exploration until now, the cost function in any algorithmic scenario would be the difference between the actual output value and the predicted output value. Mathematically it is depicted as follows in the case of neural networks:

cost function for neural network

Here’s an explanation of the parameters in the formula:

n: Number of data points in the dataset.

y: Actual value of the dependent variable for the ith data point.

m and b: Parameters of the linear regression model

How to Implement Cost Functions in Python

Here are examples of how you can implement two common cost functions, the mean squared error (MSE) and the binary cross-entropy, in Python:

import numpy as np
# True labels
y_true = np.array([1, 0, 1, 0, 1])
# Predicted labels (example predictions)
y_pred = np.array([0.9, 0.2, 0.8, 0.1, 0.7])
# Mean Squared Error (MSE)
def mean_squared_error(y_true, y_pred):
    mse = np.mean((y_true - y_pred)**2)
    return mse
mse_value = mean_squared_error(y_true, y_pred)
print("Mean Squared Error (MSE): ", mse_value)
# Binary Cross-Entropy
def binary_cross_entropy(y_true, y_pred):
    epsilon = 1e-15
    bce = -np.mean(y_true * np.log(y_pred + epsilon) + (1 - y_true) * np.log(1 - y_pred + epsilon))
    return bce
bce_value = binary_cross_entropy(y_true, y_pred)
print("Binary Cross-Entropy: ", bce_value)

Output:

Mean Squared Error (MSE): 0.038
Binary Cross-Entropy: 0.20273661557655967

Here’s the explanation of the code:

  • We import “numpy,” a library for working with arrays and math operations.
  • We create lists “y_true” and “y_pred,” representing actual and predicted values.
  • The “mean_squared_error” function calculates how close predicted values are to actuals.
    • It finds the average of the squared differences between each true and predicted value.
  • The “binary_cross_entropy” function measures how well predictions match actuals.
    • It computes the average negative log-likelihood of predicted probabilities compared to true labels.
    • A small value, “epsilon,” is added to prevent issues with taking logarithms of zero.
  • Finally, we print MSE and binary cross-entropy values.
  • Lower values show better model performance, closer to actual values.

Conclusion

In machine learning, the cost function serves as a path for algorithms to develop and learn. This helps in measuring a model’s performance by putting a number on the discrepancy between expected and observed results. This function is essential to training models for generating precise predictions and judgments. Future developments in cost function design will help machine learning models become more accurate and efficient. The development of cost functions will drive innovation and enhance the capabilities of intelligent systems as machine learning applications spread throughout various industries, including technology, healthcare, and finance.

Join Intellipaat’s Community to catch up with your fellow learners and resolve your doubts.

FAQs

What is the role of a cost function in training a machine learning model?

A cost function’s role is to measure the discrepancy between expected and actual values, which helps the model make necessary parameter adjustments during training.

What is cost function formula?

A cost function is fundamentally the difference between the actual output value and the predicted output value. It is mathematically represented as:

Cost function (J) = 1/n (Sum of Loss error for ‘n’ examples)

Where, Loss Error = Actual Output – Predicted Output.

How do we minimize the cost function to optimize a machine-learning model?

By modifying model parameters to lower the overall error, we use optimization procedures like gradient descent to minimize the cost function.

Can you explain the difference between a loss function and a cost function in machine learning?

A cost function aggregates these losses for all examples, representing the total model error to be reduced. A loss function assesses error for a single training sample. 

What is the significance of the learning rate in training a machine learning model?

The learning rate determines how quickly or slowly a model learns from the data. Choosing the right learning rate is crucial, as it affects the speed of convergence and the quality of the final model.

Course Schedule

Name Date Details
Machine Learning Course 18 May 2024(Sat-Sun) Weekend Batch
View Details
Machine Learning Course 25 May 2024(Sat-Sun) Weekend Batch
View Details
Machine Learning Course 01 Jun 2024(Sat-Sun) Weekend Batch
View Details

Executive-Post-Graduate-Certification-in-Data-Science-Artificial-Intelligence-IITR.png