[New Book] Click to get The Beginner's Guide to Data Science!
Use the offer code 20offearlybird to get 20% off. Hurry, sale ends soon!

Prediction Intervals for Deep Learning Neural Networks

Prediction intervals provide a measure of uncertainty for predictions on regression problems.

For example, a 95% prediction interval indicates that 95 out of 100 times, the true value will fall between the lower and upper values of the range. This is different from a simple point prediction that might represent the center of the uncertainty interval.

There are no standard techniques for calculating a prediction interval for deep learning neural networks on regression predictive modeling problems. Nevertheless, a quick and dirty prediction interval can be estimated using an ensemble of models that, in turn, provide a distribution of point predictions from which an interval can be calculated.

In this tutorial, you will discover how to calculate a prediction interval for deep learning neural networks.

After completing this tutorial, you will know:

  • Prediction intervals provide a measure of uncertainty on regression predictive modeling problems.
  • How to develop and evaluate a simple Multilayer Perceptron neural network on a standard regression problem.
  • How to calculate and report a prediction interval using an ensemble of neural network models.

Let’s get started.

Prediction Intervals for Deep Learning Neural Networks

Prediction Intervals for Deep Learning Neural Networks
Photo by eugene_o, some rights reserved.

Tutorial Overview

This tutorial is divided into three parts; they are:

  1. Prediction Interval
  2. Neural Network for Regression
  3. Neural Network Prediction Interval

Prediction Interval

Generally, predictive models for regression problems (i.e. predicting a numerical value) make a point prediction.

This means they predict a single value but do not give any indication of the uncertainty about the prediction.

By definition, a prediction is an estimate or an approximation and contains some uncertainty. The uncertainty comes from the errors in the model itself and noise in the input data. The model is an approximation of the relationship between the input variables and the output variables.

A prediction interval is a quantification of the uncertainty on a prediction.

It provides a probabilistic upper and lower bounds on the estimate of an outcome variable.

A prediction interval for a single future observation is an interval that will, with a specified degree of confidence, contain a future randomly selected observation from a distribution.

— Page 27, Statistical Intervals: A Guide for Practitioners and Researchers, 2017.

Prediction intervals are most commonly used when making predictions or forecasts with a regression model, where a quantity is being predicted.

The prediction interval surrounds the prediction made by the model and hopefully covers the range of the true outcome.

For more on prediction intervals in general, see the tutorial:

Now that we are familiar with what a prediction interval is, we can consider how we might calculate an interval for a neural network. Let’s start by defining a regression problem and a neural network model to address it.

Neural Network for Regression

In this section, we will define a regression predictive modeling problem and a neural network model to address it.

First, let’s introduce a standard regression dataset. We will use the housing dataset.

The housing dataset is a standard machine learning dataset comprising 506 rows of data with 13 numerical input variables and a numerical target variable.

Using a test harness of repeated stratified 10-fold cross-validation with three repeats, a naive model can achieve a mean absolute error (MAE) of about 6.6. A top-performing model can achieve a MAE on this same test harness of about 1.9. This provides the bounds of expected performance on this dataset.

The dataset involves predicting the house price given details of the house’s suburb in the American city of Boston.

No need to download the dataset; we will download it automatically as part of our worked examples.

The example below downloads and loads the dataset as a Pandas DataFrame and summarizes the shape of the dataset and the first five rows of data.

Running the example confirms the 506 rows of data and 13 input variables and a single numeric target variable (14 in total). We can also see that all input variables are numeric.

Next, we can prepare the dataset for modeling.

First, the dataset can be split into input and output columns, and then the rows can be split into train and test datasets.

In this case, we will use approximately 67% of the rows to train the model and the remaining 33% to estimate the performance of the model.

You can learn more about the train-test split in this tutorial:

We will then scale all input columns (variables) to have the range 0-1, called data normalization, which is a good practice when working with neural network models.

You can learn more about normalizing input data with the MinMaxScaler in this tutorial:

The complete example of preparing the data for modeling is listed below.

Running the example loads the dataset as before, then splits the columns into input and output elements, rows into train and test sets, and finally scales all input variables to the range [0,1]

The shape of the train and test sets is printed, showing we have 339 rows to train the model and 167 to evaluate it.

Next, we can define, train and evaluate a Multilayer Perceptron (MLP) model on the dataset.

We will define a simple model with two hidden layers and an output layer that predicts a numeric value. We will use the ReLU activation function and “he” weight initialization, which are a good practice.

The number of nodes in each hidden layer was chosen after a little trial and error.

We will use the efficient Adam version of stochastic gradient descent with close to default learning rate and momentum values and fit the model using the mean squared error (MSE) loss function, a standard for regression predictive modeling problems.

You can learn more about the Adam optimization algorithm in this tutorial:

The model will then be fit for 300 epochs with a batch size of 16 samples. This configuration was chosen after a little trial and error.

You can learn more about batches and epochs in this tutorial:

Finally, the model can be used to make predictions on the test dataset and we can evaluate the predictions by comparing them to the expected values in the test set and calculate the mean absolute error (MAE), a useful measure of model performance.

Tying this together, the complete example is listed below.

Running the example loads and prepares the dataset, defines and fits the MLP model on the training dataset, and evaluates its performance on the test set.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

In this case, we can see that the model achieves a mean absolute error of approximately 2.3, which is better than a naive model and getting close to an optimal model.

No doubt we could achieve near-optimal performance with further tuning of the model, but this is good enough for our investigation of prediction intervals.

Next, let’s look at how we might calculate a prediction interval using our MLP model on the housing dataset.

Neural Network Prediction Interval

In this section, we will develop a prediction interval using the regression problem and model developed in the previous section.

Calculating prediction intervals for nonlinear regression algorithms like neural networks is challenging compared to linear methods like linear regression where the prediction interval calculation is trivial. There is no standard technique.

There are many ways to calculate an effective prediction interval for neural network models. I recommend some of the papers listed in the “further reading” section to learn more.

In this tutorial, we will use a very simple approach that has plenty of room for extension. I refer to it as “quick and dirty” because it is fast and easy to calculate, but is limited.

It involves fitting multiple final models (e.g. 10 to 30). The distribution of the point predictions from ensemble members is then used to calculate both a point prediction and a prediction interval.

For example, a point prediction can be taken as the mean of the point predictions from ensemble members, and a 95% prediction interval can be taken as 1.96 standard deviations from the mean.

This is a simple Gaussian prediction interval, although alternatives could be used, such as the min and max of the point predictions. Alternatively, the bootstrap method could be used to train each ensemble member on a different bootstrap sample and the 2.5th and 97.5th percentiles of the point predictions can be used as prediction intervals.

For more on the bootstrap method, see the tutorial:

These extensions are left as exercises; we will stick with the simple Gaussian prediction interval.

Let’s assume that the training dataset, defined in the previous section, is the entire dataset and we are training a final model or models on this entire dataset. We can then make predictions with prediction intervals on the test set and evaluate how effective the interval might be in the future.

We can simplify the code by dividing the elements developed in the previous section into functions.

First, let’s define a function for loading and preparing a regression dataset defined by a URL.

Next, we can define a function that will define and train an MLP model given the training dataset, then return the fit model ready for making predictions.

We require multiple models to make point predictions that will define a distribution of point predictions from which we can estimate the interval.

As such, we will need to fit multiple models on the training dataset. Each model must be different so that it makes different predictions. This can be achieved given the stochastic nature of training MLP models, given the random initial weights, and given the use of the stochastic gradient descent optimization algorithm.

The more models, the better the point predictions will estimate the capability of the model. I would recommend at least 10 models, and perhaps not much benefit beyond 30 models.

The function below fits an ensemble of models and stores them in a list that is returned.

For interest, each fit model is also evaluated on the test set which is reported after each model is fit. We would expect that each model will have a slightly different estimated performance on the hold-out test set and the reported scores will help us confirm this expectation.

Finally, we can use the trained ensemble of models to make point predictions, which can be summarized into a prediction interval.

The function below implements this. First, each model makes a point prediction on the input data, then the 95% prediction interval is calculated and the lower, mean, and upper values of the interval are returned.

The function is designed to take a single row as input, but could easily be adapted for multiple rows.

Finally, we can call these functions.

First, the dataset is loaded and prepared, then the ensemble is defined and fit.

We can then use a single row of data from the test set and make a prediction with a prediction interval, the results of which are then reported.

We also report the expected value which we would expect would be covered by the prediction interval (perhaps close to 95% of the time; this is not entirely accurate, but is a rough approximation).

Tying this together, the complete example of making predictions with a prediction interval with a Multilayer Perceptron neural network is listed below.

Running the example fits each ensemble member in turn and reports its estimated performance on the hold out tests set; finally, a single prediction with prediction interval is made and reported.

Note: Your results may vary given the stochastic nature of the algorithm or evaluation procedure, or differences in numerical precision. Consider running the example a few times and compare the average outcome.

In this case, we can see that each model has a slightly different performance, confirming our expectation that the models are indeed different.

Finally, we can see that the ensemble made a point prediction of about 30.5 with a 95% prediction interval of [26.287, 34.822]. We can also see that the true value was 28.2 and that the interval does capture this value, which is great.

This is a quick and dirty technique for making predictions with a prediction interval for neural networks, as we discussed above.

There are easy extensions such as using the bootstrap method applied to point predictions that may be more reliable, and more advanced techniques described in some of the papers listed below that I recommend that you explore.

Further Reading

This section provides more resources on the topic if you are looking to go deeper.

Tutorials

Papers

Articles

Summary

In this tutorial, you discovered how to calculate a prediction interval for deep learning neural networks.

Specifically, you learned:

  • Prediction intervals provide a measure of uncertainty on regression predictive modeling problems.
  • How to develop and evaluate a simple Multilayer Perceptron neural network on a standard regression problem.
  • How to calculate and report a prediction interval using an ensemble of neural network models.

Do you have any questions?
Ask your questions in the comments below and I will do my best to answer.

24 Responses to Prediction Intervals for Deep Learning Neural Networks

  1. Avatar
    marco February 22, 2021 at 5:41 am #

    Hello Jason,
    a question about Feature scaling.
    Do I need feature scaling (e.g. normalization) for:
    – logistic regression
    – ARIMA/ SARIMA/ SARIMAX?
    Thanks,
    Marco

    • Avatar
      Jason Brownlee February 22, 2021 at 7:37 am #

      Yes, it is a good idea. Evaluate your model with and without scaling and compare the results.

  2. Avatar
    marco February 22, 2021 at 6:23 pm #

    Hello Jason,
    what are advantages of using ARIMA/ SARIMA/ SARIMAX vs. Prophet?
    Any advice when to use them?
    When I have more than one feature I have to use SARIMAX?
    Thanks
    Marco

  3. Avatar
    Bob Gilmore February 24, 2021 at 7:10 am #

    Hi Jason,

    From where is the point prediction being made from the input data? How is the model setup to tell it where to predict the next number?

  4. Avatar
    German February 24, 2021 at 8:04 pm #

    Thanks again for a nice post Jason. Two points about the worked-out example:

    * in a real use case where the dataset could be big enough, I would fit the models of the ensemble on subsets of the training dataset instead of the whole one do you agree?

    * about carrying out gaussian VS bootstrap method: it would be nice to check (when using the gaussian approach) for each round, whether the yhat values follow a normal distribution via Shapiro-Wilk test for instance; otherwise, bootstrap method does not assume a gaussian distribution (although this method could be computationally expensive)

    Any comments on these to points to take into consideration?

    • Avatar
      Jason Brownlee February 25, 2021 at 5:29 am #

      You’re welcome.

      No, you you would subsets for a bagging ensemble to lift skill. Here we are only focused on reducing variance in the prediction and capturing an interval of possible predictions. You can if you want, but it’s different.

      A bootstrap would be computationally expensive (one per prediction?), but sure. The beauty of the bootstrap is we don’t have to assume a distribution, we just use the median and percentiles.

  5. Avatar
    EtienneT February 26, 2021 at 5:23 am #

    Another technique would be Monte Carlo Dropout which simply means letting dropout activated during inference. You run 100x inference and you get a distribution of prediction from a single model. From this paper: https://arxiv.org/pdf/1506.02142.pdf

  6. Avatar
    Ex February 26, 2021 at 5:26 am #

    Why not just have two outputs for the neural network. One is the mean and the other is the log variance (to avoid negative numbers). Assuming a normal distribution you have what you need to calculate the distribution.

    There is also the dropout method but I prefer the variations inference approach

    • Avatar
      Jason Brownlee February 26, 2021 at 7:45 am #

      Interesting suggestion, although the variance in the training data would be 0.0 in all cases.

      • Avatar
        Ex February 28, 2021 at 6:59 am #

        I’m not sure I follow why variance is 0 in all cases. This is direct mean variance estimation. Similar to mixture density networks except you only solve for the mean and variance with a modified loss function and two output nodes.

        • Avatar
          Jason Brownlee February 28, 2021 at 1:52 pm #

          Fair enough. I was thinking of each point prediction as a separate conditional probability distribution.

  7. Avatar
    T. Moudiki March 1, 2021 at 2:48 am #

    Hi! What do you think of the approach presented here? (works for Python and R):

    https://thierrymoudiki.github.io/blog/2020/12/04/r/quasirandomizednn/bayesian-forecasting

    • Avatar
      Jason Brownlee March 1, 2021 at 5:39 am #

      Perhaps you can summarize it for me in a sentence or two?

      • Avatar
        T. Moudiki March 1, 2021 at 9:40 pm #

        nnetsauce does Statistical/Machine Learning by using quasi-randomized ‘neural’ networks (cf. https://techtonique.github.io/nnetsauce/). In this specific example related to time series (that could be adapted to tabular data), a ‘credible’ interval is added to the prediction.

  8. Avatar
    siegfried Vanaverbeke April 1, 2021 at 3:17 am #

    Good example. In experimental physics and astronomy, one almost always has to deal with noisy input and noisy output. Some people have thought about the use of neural networks for regression problems in this case. See here: https://www.researchgate.net/publication/220540561_Neural_Network_Modelling_with_Input_Uncertainty_Theory_and_Application
    It would be useful to have an example with working code on a real world regression problem involving uncertainties.

  9. Avatar
    Matthew July 16, 2021 at 4:25 pm #

    Hey Jason, thanks for your great tutorials. I’ve had questions about predict with pi function.I understand the function is designed to take a single row as input. how would I be able to change to multiple rows as input. Really appreciate your help.

    • Avatar
      Jason Brownlee July 17, 2021 at 5:20 am #

      You can adapt the function for any use case you like, sorry I don’t have the capacity to adapt it for you.

  10. Avatar
    Josh July 27, 2021 at 3:11 am #

    Hey Jason, great tutorial. I wondered if you had any thoughts on how to measure whether one method for uncertainty estimation is ‘better’ than another. e.g. if you had this ensemble approach, vs dropout, vs the variantional inference method proposed above, how would you choose which you preferred (assuming predictive error is constant).

    Presumably, we’d want as low total uncertainty as possible across a test set, but where all predictions are inside their intervals?

    • Avatar
      Jason Brownlee July 27, 2021 at 5:09 am #

      Yes, but I guess it depends on your goals and the specifics of the data and model.

      Perhaps you can dip into the literature that compares the pros/cons of methods.

Leave a Reply