How to Handle Missing Timesteps in Sequence Prediction Problems with Python

It is common to have missing observations from sequence data.

Data may be corrupt or unavailable, but it is also possible that your data has variable length sequences by definition. Those sequences with fewer timesteps may be considered to have missing values.

In this tutorial, you will discover how you can handle data with missing values for sequence prediction problems in Python with the Keras deep learning library.

After completing this tutorial, you will know:

  • How to remove rows that contain a missing timestep.
  • How to mark missing timesteps and force the network to learn their meaning.
  • How to mask missing timesteps and exclude them from calculations in the model.

Kick-start your project with my new book Deep Learning for Time Series Forecasting, including step-by-step tutorials and the Python source code files for all examples.

Let’s get started.

A Gentle Introduction to Linear Algebra

A Gentle Introduction to Linear Algebra
Photo by Steve Corey, some rights reserved.

Overview

This section is divided into 3 parts; they are:

  1. Echo Sequence Prediction Problem
  2. Handling Missing Sequence Data
  3. Learning With Missing Sequence Values

Environment

This tutorial assumes you have a Python SciPy environment installed. You can use either Python 2 or 3 with this example.

This tutorial assumes you have Keras (v2.0.4+) installed with either the TensorFlow (v1.1.0+) or Theano (v0.9+) backend.

This tutorial also assumes you have scikit-learn, Pandas, NumPy, and Matplotlib installed.

If you need help setting up your Python environment, see this post:

Echo Sequence Prediction Problem

The echo problem is a contrived sequence prediction problem where the objective is to remember and predict an observation at a fixed prior timestep, called a lag observation.

For example, the simplest case is to predict the observation from the previous timestep that is, echo it back. For example:

The question is, what do we do about timestep 1?

We can implement the echo sequence prediction problem in Python.

This involves two steps: the generation of random sequences and the transformation of random sequences into a supervised learning problem.

Generate Random Sequence

We can generate sequences of random values between 0 and 1 using the random() function in the random module.

We can put this in a function called generate_sequence() that will generate a sequence of random floating point values for the desired number of timesteps.

This function is listed below.

Need help with Deep Learning for Time Series?

Take my free 7-day email crash course now (with sample code).

Click to sign-up and also get a free PDF Ebook version of the course.

Frame as Supervised Learning

Sequences must be framed as a supervised learning problem when using neural networks.

That means the sequence needs to be divided into input and output pairs.

The problem can be framed as making a prediction based on a function of the current and previous timesteps.

Or more formally:

Where y(t) is the desired output for the current timestep, f() is the function we are seeking to approximate with our neural network, and X(t) and X(t-1) are the observations for the current and previous timesteps.

The output could be equal to the previous observation, for example, y(t) = X(t-1), but it could as easily be y(t) = X(t). The model that we train on this problem does not know the true formulation and must learn this relationship.

This mimics real sequence prediction problems where we specify the model as a function of some fixed set of sequenced timesteps, but we don’t know the actual functional relationship from past observations to the desired output value.

We can implement this framing of an echo problem as a supervised learning problem in python.

The Pandas shift() function can be used to create a shifted version of the sequence that can be used to represent the observations at the prior timestep. This can be concatenated with the raw sequence to provide the X(t-1) and X(t) input values.

We can then take the values from the Pandas DataFrame as the input sequence (X) and use the first column as the output sequence (y).

Putting this all together, we can define a function that takes the number of timesteps as an argument and returns X,y data for sequence learning called generate_data().

Sequence Problem Demonstration

We can tie the generate_sequence() and generate_data() code together into a worked example.

The complete example is listed below.

Running this example generates a sequence, converts it to a supervised representation, and prints each X,y pair.

We can see that we have NaN values on the first row.

This is because we do not have a prior observation for the first value in the sequence. We have to fill that space with something.

But we cannot fit a model with NaN inputs.

Handling Missing Sequence Data

There are two main ways to handle missing sequence data.

They are to remove rows with missing data and to fill the missing timesteps with another value.

For more general methods for handling missing data, see the post:

The best approach for handling missing sequence data will depend on your problem and your chosen network configuration. I would recommend exploring each method and see what works best.

Remove Missing Sequence Data

In the case where we are echoing the observation in the previous timestep, the first row of data does not contain any useful information.

That is, in the example above, given the input:

and the output:

There is nothing meaningful that can be learned or predicted.

The best case here is to delete this row.

We can do this during the formulation of the sequence as a supervised learning problem by removing all rows that contain a NaN value. Specifically, the dropna() function can be called prior to splitting the data into X and y components.

The complete example is listed below:

Running the example results in 9 X,y pairs instead of 10, with the first row removed.

Replace Missing Sequence Data

In the case when the echo problem is configured to echo the observation at the current timestep, then the first row will contain meaningful information.

For example, we can change the definition of y from values[:, 0] to values[:, 1] and re-run the demonstration to produce a sample of this problem, as follows:

We can see that the first row is given the input:

and the output:

Which could be learned from the input.

The problem is, we still have a NaN value to handle.

Instead of removing the rows with NaN values, we can replace all NaN values with a specific value that does not appear naturally in the input, such as -1. To do this, we can use the fillna() Pandas function.

The complete example is listed below:

Running the example, we can see that the NaN value in the first column of the first row was replaced with a -1 value.

Learning with Missing Sequence Values

There are two main options when learning a sequence prediction problem with marked missing values.

The problem can be modeled as-is and we can encourage the model to learn that a specific value means “missing.” Alternately, the special missing values can be masked and explicitly excluded from the prediction calculations.

We will take a look at both cases for the contrived “echo the current observation” problem with two inputs.

Learning Missing Values

We can develop an LSTM for the prediction problem.

The input is defined by 2 timesteps with 1 feature. A small LSTM with 5 memory units in the first hidden layer is defined and a single output layer with a linear activation function.

The network will be fit using the mean squared error loss function and the efficient ADAM optimization algorithm with default configuration.

To ensure that the model learns a generalized solution to the problem, that is to always returns the input as output (y(t) == X(t)), we will generate a new random sequence every epoch. The network will be fit for 500 epochs and updates will be performed after each sample in each sequence (batch_size=1).

Once fit, another random sequence will be generated and the predictions from the model will be compared to the expected values. This will provide a concrete idea of the skill of the model.

Tying all of this together, the complete code listing is provided below.

Running the example prints the loss each epoch and compares the expected vs. the predicted output at the end of a run for one sequence.

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.

Reviewing the final predictions, we can see that the network learned the problem and predicted “good enough” outputs, even in the presence of missing values.

You could experiment further with this example and mark 50% of the t-1 observations for a given sequence as -1 and see how that affects the skill of the model over time.

Masking Missing Values

The marked missing input values can be masked from all calculations in the network.

We can do this by using a Masking layer as the first layer to the network.

When defining the layer, we can specify which value in the input to mask. If all features for a timestep contain the masked value, then the whole timestep will be excluded from calculations.

This provides a middle ground between excluding the row completely and forcing the network to learn the impact of marked missing values.

Because the Masking layer is the first in the network, it must specify the expected shape of the input, as follows:

We can tie all of this together and re-run the example. The complete code listing is provided below.

Again, the loss is printed each epoch and the predictions are compared to expected values for a final sequence.

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.

Again, the predictions appear good enough to a few decimal places.

Which Method to Choose?

These one-off experiments are not sufficient to evaluate what would work best on the simple echo sequence prediction problem.

They do provide templates that you can use on your own problems.

I would encourage you to explore the 3 different ways of handling missing values in your sequence prediction problems. They were:

  • Removing rows with missing values.
  • Mark and learn missing values.
  • Mask and learn without missing values.

Try each approach on your sequence prediction problem and double down on what appears to work best.

Summary

It is common to have missing values in sequence prediction problems if your sequences have variable lengths.

In this tutorial, you discovered how to handle missing data in sequence prediction problems in Python with Keras.

Specifically, you learned:

  • How to remove rows that contain a missing value.
  • How to mark missing values and force the model to learn their meaning.
  • How to mask missing values to exclude them from calculations in the model.

Do you have any questions about handling missing sequence data?
Ask your questions in the comments and I will do my best to answer.

Develop Deep Learning models for Time Series Today!

Deep Learning for Time Series Forecasting

Develop Your Own Forecasting models in Minutes

...with just a few lines of python code

Discover how in my new Ebook:
Deep Learning for Time Series Forecasting

It provides self-study tutorials on topics like:
CNNs, LSTMs, Multivariate Forecasting, Multi-Step Forecasting and much more...

Finally Bring Deep Learning to your Time Series Forecasting Projects

Skip the Academics. Just Results.

See What's Inside

110 Responses to How to Handle Missing Timesteps in Sequence Prediction Problems with Python

  1. Avatar
    Nader June 21, 2017 at 9:57 am #

    Fantastic !

  2. Avatar
    James Mashiyane June 23, 2017 at 7:21 am #

    I really like your books, they have really helped me, I’m using 4 of them Time Series Forecasting, Machine Learning, Deep Learning, and, Machine Learning from scratch. Especially the Machine Learning from scratch has helped a lot with my python skills. I hope the Deep Learning from scratch, not using Tensor Flow and Keras will be coming soon. Thanks a lot.

  3. Avatar
    Adam July 28, 2017 at 1:33 pm #

    If I want to normalize input data, I should replace Missing data first or normalizing input data?

    • Avatar
      Jason Brownlee July 29, 2017 at 8:02 am #

      Yes, I would impute before scaling.

      • Avatar
        Josefine Wilms June 6, 2019 at 5:23 pm #

        Hi Jason

        Thanks for the tutorials.

        Not sure if I understand your answer to Adam correctly: Do you recommend that we first replace the nan’s with a value (say “-1”) and then scale?

        1) If so, the data will be scaled taking the -1 value into account: i.e.: If my data has a range of 10 to 50, but contains NaNs, then 10 will no longer be the minimum; -1 would be.

        2) Also, if I replace prior to scaling, I will need to change the “mask_value=-1” from -1 to the value to which -1 has now been scaled. Is that correct?

        Would it not be better to first scale and then replace the NaN’s?

        • Avatar
          Jason Brownlee June 7, 2019 at 7:52 am #

          If you replace missing with a value, like the average, do it first then scale.

          If you want to mask them out, scale first in a way that ignores the missing values.

  4. Avatar
    Jeff Lim August 29, 2017 at 12:36 pm #

    On Replace Missing Sequence Data, we should change the definition of y from values[:, 0] to values[:, 1], right?

    • Avatar
      Jason Brownlee August 29, 2017 at 5:13 pm #

      Yes, from the post:

      In the case when the echo problem is configured to echo the observation at the current timestep

  5. Avatar
    baojia li September 1, 2017 at 8:37 pm #

    if we change generate_sequence:
    def generate_sequence(n_timesteps):
    return random.randint(34,156,n_timesteps)

    The results and the real value will be a lot of error
    why?

    • Avatar
      Jason Brownlee September 2, 2017 at 6:08 am #

      Because neural networks cannot predict a pseudo random series.

  6. Avatar
    Darius December 24, 2017 at 2:02 pm #

    What if I collect values from internet every 5 minutes, but sometimes there are server issues and I miss some values. Could solution be to add another feature as input as timestamp of time when each set of features were captured? Would LSTM would make sense than features usually go every 300n but somtimes number is different.

    • Avatar
      Jason Brownlee December 25, 2017 at 5:23 am #

      You could add zero values to get the required length and use a mask in your model to ignore them.

  7. Avatar
    Andreas Pfrengle April 5, 2018 at 10:29 am #

    I am missing methods to sensibly impute missing data of uni- or multivariate time series and their pythonic implementation. I’m thinking of interpolation, autocorrelation or maybe other sophisticated unsupervised learning methods. Have you written about this somewhere?

  8. Avatar
    Gedas May 3, 2018 at 1:25 am #

    Just noting that stateless Sequential model (RNN) in Keras can be constructed with unspecified batch size. This allows train / validate / predict with different batch sizes:
    https://stackoverflow.com/questions/43702481/why-does-keras-lstm-batch-size-used-for-prediction-have-to-be-the-same-as-fittin

  9. Avatar
    Divya June 16, 2018 at 4:25 am #

    Does masking work for missing values in output sequence?

    • Avatar
      Jason Brownlee June 16, 2018 at 7:32 am #

      Not in the same way. You can use a “I don’t know” output, e.g. predict a 0 or something. Very useful in NLP problems.

    • Avatar
      Alberto May 22, 2020 at 9:08 am #

      Hi Jason,

      Thank you for this.

      How do you feel about imputing a Time Series using and Iterative Imputer or a KNN model, in a Sklearn Pipeline during training?

      Missing values will have probably have been imputed from data in the future.

      Thanks

      • Avatar
        Jason Brownlee May 22, 2020 at 1:18 pm #

        It really depends on the time series.

        Often simple persistence is better.

  10. Avatar
    ChengHung September 6, 2018 at 3:55 am #

    “When defining the layer, we can specify which value in the input to mask. If all features for a timestep contain the masked value, then the whole timestep will be excluded from calculations.”

    Does this mean all featrures would be excluded? Or features with Nan value only?

    • Avatar
      Jason Brownlee September 6, 2018 at 5:41 am #

      We tell the Masking layer what to ignore, e.g. 0.0 by default.

  11. Avatar
    Nestak October 4, 2018 at 8:45 pm #

    Thanks, helpful post! Though in your examples you have a relatively small gap, compared to the total amount of data. I am facing a problem where I have a data set of 450 vectors and a gap between them of 250 consequent missing vectors. Do you have a recommended templates, examples, some other blog posts you would point at in such a case?

    • Avatar
      Jason Brownlee October 5, 2018 at 5:35 am #

      Perhaps try zero padding with a masking layer?
      Perhaps try ignoring the gap?
      Perhaps try imputing?
      Perhaps try splitting samples in such a way that the missing space is one sample you can skip?

      Let me know how you go.

  12. Avatar
    Bob October 24, 2018 at 7:48 pm #

    For example, we can change the definition of y from values[:, 0] to values[:, 0] and re-run the demonstration to produce a sample of this problem, as follows:

    It should be revised as below:

    For example, we can change the definition of y from values[:, 0] to values[:, -1] and re-run the demonstration to produce a sample of this problem, as follows:

    Is it right?

    • Avatar
      Jason Brownlee October 25, 2018 at 7:53 am #

      Nearly, I think values[:,1] from the complete example.

      Thanks, fixed.

  13. Avatar
    White October 26, 2018 at 3:41 pm #

    Great tutorial. I have a question. I am using keras to do a sequence tagging work (Bi-LSTM + CRF model) with different sequence lengths. I use masking layer to mask 0 value and sequence.pad_sequences() to pad training data with 0. I trained the model successfully, however, I met a problem when I predict the test data.
    I pad the test instances with 0, e.g., 23 -> 100(maxlen). In theory, the model will ignore the 77 “0” and only predict the 23 timesteps. But I get 100 prediction results and the latter 77 results are not 0 or null. I am confused. Have you met this situation before ? Is the masking layer in use ? Or I just need to ignore the latter 77 results. Thanks.

    • Avatar
      Jason Brownlee October 27, 2018 at 5:56 am #

      I’m not sure I follow, are you talking about masking inputs or making predictions with padding or both?

      • Avatar
        White October 28, 2018 at 12:55 pm #

        Both. If you mask inputs when you train your model, you must mask the test data in the same way when the model makes the prediction. Here is part of my model code:
        model = Sequential()
        model.add(Masking(mask_value=0, input_shape=(seq_length, features_length)))
        model.add(Bidirectional(LSTM(lstm_units_num, return_sequences=True)))
        model.add(Dropout(dropout_rate))
        model.add(Bidirectional(LSTM(lstm_units_num, return_sequences=True)))
        model.add(Dropout(dropout_rate))
        model.add(TimeDistributed(Dense(num_class, activation=”softmax”)))
        crf_layer = CRF(num_class)
        model.add(crf_layer).
        When I use the model to make the prediction, I get 100(seq_length) prediction results(all are not 0 or null), however, 77 of these 100 input timesteps are masked, they should not be predicted with a not-0 result. So I am very confused. I am not sure whether the prediction results are correct…

        • Avatar
          Jason Brownlee October 29, 2018 at 5:51 am #

          Predictions that are all 0 might suggest that the model has not yet learned the problem. Perhaps try training longer or an alternate model configuration?

          • Avatar
            White October 30, 2018 at 8:19 pm #

            Sorry, what you said is not my question… Let’s take an example, in my experiment, maxlen is 100, now the model has already been trained successfully (with masking layer). Assume there is a test instance(length is 23) and the model wants to predict it. First I use padding to pad this test case with 0 and then length of the test instance becomes 100 (latter 77 values are all 0). Then the model will get the prediction results with length 100. The model masks 0 value, so in theory, the latter 77 of these 100 prediction results should be all 0, because they should not be predicted (being masked). However, in my experiment, the latter 77 prediction results are not 0, it seems they are also predicted and the masking has no effect. Have you met this problem before ? Or in your experiments, the latter “77” prediction results are all 0 ?
            Here is a link (https://groups.google.com/forum/#!topic/keras-users/M7BVggL7cG0) talking about the same question. Thanks.

          • Avatar
            Jason Brownlee October 31, 2018 at 6:26 am #

            We cannot mask predictions, only pad them.

            Perhaps your model requires further tuning.

      • Avatar
        White October 28, 2018 at 1:02 pm #

        I searched in google and found someone has the same question with me. (https://groups.google.com/forum/#!topic/keras-users/M7BVggL7cG0). Hope it can help you to understand my question. Many thanks.

  14. Avatar
    mk December 22, 2018 at 7:44 pm #

    evaluate model on new data
    X, y = generate_data(n_timesteps)
    so.in this caes ,you should know 10 data to evaluate model , but if you know the result, Why Predict?
    THIS model how to predict new data

  15. Avatar
    Joe Maisog January 8, 2019 at 9:06 am #

    Hi Jason, in the function generate_data(), there is a line that looks like this:

    X, y = values, values[:, 1]

    It appears that this includes the value that we want to predict, ‘y’, as the 2nd column in X. Doesn’t that make it very easy for the model to predict ‘y’ (it would simply need to pull out the value in the 2nd column of X)? Shouldn’t this line look like this instead?:

    X, y = values[:, 0], values[:, 1]

    Of course, we’d need to change the input_shape() for the first layer in the Keras model.

  16. Avatar
    Joe Maisog January 8, 2019 at 10:18 am #

    Here is a CMU paper that uses a modified version of LSTM called “Phased LSTM”, with various manipulations of the data.
    https://www.cs.cmu.edu/~epxing/Class/10708-17/project-reports/project8.pdf
    One of the data manipulations involves construction of a mask (Equation 1), and then adds this mask as NEW COLUMNS in the input matrix of predictor values ‘X’. This is CMU’s “PLSTM-Masking” model, (see Table 1 in the paper). This effectively DOUBLES the number of columns in the matrix X. (This may be very similar to an earlier comment you made in this thread: https://machinelearningmastery.com/handle-missing-timesteps-sequence-prediction-problems-python/#comment-424701 in response to Darius’ question. It may also be related to White’s earlier question: https://machinelearningmastery.com/handle-missing-timesteps-sequence-prediction-problems-python/#comment-452953)

    In the section of the above tutorial entitled “Masking Missing Values”, a Masking layer is added. If this were essentially doing the same thing as PLSTM-Masking in the CMU paper, I would have expected the output of the Masking layer to have double the number of columns, i.e., 4. But when I run

    model.summary()

    to inspect the shape of the output, I see that the Masking layer’s output still has only 2 columns: “(None, 2, 1)”. Am I right to infer that the Masking layer is not implementing the same masking approach as is done in the PLSTM-Masking model in the CMU paper? I think the answer is “yes”, that the Masking layer is simply “skipping over” rows in the input matrix X where all values have the masking value “-1”.

    Even though a row of missing values is skipped, does the LSTM “know” that it must still cause its memory to decay by one time step? (Values further back in time should be weighted less than more recent values.)

    • Avatar
      Jason Brownlee January 8, 2019 at 11:15 am #

      I believe the masked inputs are excluded from all forward/backward computation through each lstm unit.

      You could consult the Keras API/code to confirm.

  17. Avatar
    Mike Tauber February 12, 2019 at 4:11 am #

    Hey Jason – many thanks for the article. You mention that that masking is somewhere in between completely removing missing values/rows and Imputing/learning missing values. Could you please explain why masking is any different to just removing the values from the time series? The way I understand it so far is that: if all values in input tensor equal the mask value then that time step will be skipped and the state transferred (if stateful is true). How is this different to excluding the row from the time series?

    • Avatar
      Jason Brownlee February 12, 2019 at 8:07 am #

      Yes, masked values are skipped.

      But the row is not skipped if it contains sparse values.

  18. Avatar
    Sriram February 22, 2019 at 12:24 am #

    Hey Jason,
    Consider I have a dataset wherein there are 4 input features what if there are Nans only in 2 of the 4 input features, I don’t want the rows to be skipped and also I do not want to replace Nans with a value that is out of range. Forward filling can be done for the data points which lie in between. How to handle the missing values if they are at the beginning of the dataset without backfilling.

    • Avatar
      Jason Brownlee February 22, 2019 at 6:20 am #

      You fill or skip them. After that you’re out of options I think.

      • Avatar
        Sriram February 25, 2019 at 11:38 pm #

        Thanks, Jason

        I was wondering the same, And I do have another question wrt to the above example, if I am replacing Nans with a value that is out of range, will the model(Assuming LSTM) recognise that 2 of 4 input features are meaningless and use the other 2 input features.

        • Avatar
          Jason Brownlee February 26, 2019 at 6:24 am #

          It may, if you mark them with a special value or mark them as missing and use a masking layer. Try it and see.

  19. Avatar
    Michael April 30, 2019 at 12:23 am #

    Hello Master Brownlee, was trying to implement a mask in a multi-headed MLP, after flattening the inputs, I keep getting the error Layer dense does not support masking but was passed an input_mask…any idea on how to get over the problem? Thanks in advance

  20. Avatar
    Rajat May 3, 2019 at 7:44 pm #

    Hello ,
    Could you please clarify one thing
    You defined the timesteps to be 2,
    But in the code you are generating the sequences of 10 timesteps for fitting the model. What is the difference between this things

  21. Avatar
    Christophe June 14, 2019 at 1:53 am #

    Hi Jason,
    thank you very much for this. That’s always fantastic !!
    One question about time-series and lstm :
    I work with time-series (daily physical values from sensors from factory in fonction of time) and I have to deal with missing data. That’s not “real’ missing data, we don’t have values because factory is stopped…cleaning for example. I have long periods with no values (several days). For you, what’s the best solution to deal with that ?
    Thank you
    Christophe

  22. Avatar
    liang zhao August 3, 2019 at 9:34 pm #

    Hi Jason,

    I have a time series data, but there are several interrupts in the time series, and the interrupts are actually quite long, which means it is not reasonable to say a data can be forecasted by the data before an interrupt.

    If I want to train an LSTM using this data. How can I deal with those interrupts?

  23. Avatar
    Felipe August 31, 2019 at 3:11 pm #

    One of my input features has about 50% of missing data, what could be done in such case?

    • Avatar
      Jason Brownlee September 1, 2019 at 5:37 am #

      Try a range of different imputing schemes and see what works best for your specific dataset?

      Using the mean or median might be a good start?

  24. Avatar
    PS September 21, 2019 at 1:27 am #

    Hello,

    Thank you for your helpful material.

    I am trying to use ANN to complete my time series, in which there are missing data, using another compete data set. I realized that first I need to drop the missing values and their correspondent values in both data sets, then train the model with these data sets. My question here is how can I enter those correspondent values as new data set to my trained model to predict the missing values?

  25. Avatar
    GABRIEL BARRETO ALBERTON October 26, 2019 at 6:55 am #

    hi!

    the maskig need to be propagate?

    https://www.tensorflow.org/guide/keras/masking_and_padding

    Thanks!

    • Avatar
      Jason Brownlee October 27, 2019 at 5:37 am #

      Keras will handle it for you. Not all layers support it, but I believe LSTMs do.

  26. Avatar
    Rajesh Swarnkar January 21, 2020 at 9:07 pm #

    Hi Jason,

    I have fed web traffic data to Keras RNN and it seems the model is mis-predicting the data on weekends. 🙁
    Here is link to screenshot:

    https://github.com/RSwarnkar/temporary/blob/master/RNN-Mis-Predict-Weekends.jpg

    Should I remove the data on weekends so that the RNN does not mis-learns it?

    regards, Rajesh

    • Avatar
      Jason Brownlee January 22, 2020 at 6:22 am #

      Perhaps use controlled experiments to discover what works best for your specific dataset.

  27. Avatar
    Loïc Nazaries February 5, 2020 at 3:47 am #

    Hi Jason,
    Thanks for all the good work. Your blogs and newsletters are always welcomed.

    I have not read all the replies but I have spotted a missing command? If I followed correctly the masking approach, are we supposed to insert
    ” model.add(Masking(mask_value=-1, input_shape=(2, 1))) ”
    after the ” model.add(Dense(1)) ” command
    and before ” model.compile(loss=’mean_squared_error’, optimizer=’adam’) ” ?
    The code runs fine like that.

    Cheers,
    Loïc

  28. Avatar
    manjunath February 12, 2020 at 11:36 pm #

    Hi Jason
    I have hourly recorded time series data so i need to predict missing values from data set and refill it so which technique or algorithm are best fitted can you please suggest me

    • Avatar
      Jason Brownlee February 13, 2020 at 5:41 am #

      Perhaps try a suite of methods and see which results in a dataset that when used to fit a model achieves the best performance on new data.

  29. Avatar
    manjunath February 29, 2020 at 5:05 pm #

    Hi, Jason, is there any other way to fill time series missing values other than the neural network. like using any other machine learning model (algorithm) like regression etc.

    Kindly share any links or posts.

  30. Avatar
    Abdulrahman March 4, 2020 at 4:08 am #

    Hi Jason,
    I am working on some missing data in csv file. So, I want to use Masking Missing Values in LSTM method. In your code, you generated random data, how can I put my own data as csv file to predict the missing value in it?

  31. Avatar
    Ather Abbas April 21, 2020 at 5:32 pm #

    Hi Jason,
    I have multivariate time-series problem but I have missing target values not the input values. Any idea about that.

    How about masking those predictions which are missing and using only those predictions which correspond to available values. In this way, we can calculate the loss and back-propagate this loss at each mini-batch although this loss is calculated based on only few values within a mini-batch. But as over available observations are representative of overall function i.e. it captures most aspects of the function, we get reasonable predictions.

    Do you consider this approach reasonable?
    I will greatly appreciate your feedback.

    • Avatar
      Jason Brownlee April 22, 2020 at 5:51 am #

      Some missing data can be imputed. All missing data means you want to make predictions – and you need to fit a model on data where you do have predictions available.

      Perhaps try your approach and compare to other methods.

    • Avatar
      Jose May 15, 2020 at 8:50 am #

      Hi Ather

      I have the same problem here, have you tried your approach? Did it work?

  32. Avatar
    Jocelyn June 5, 2020 at 11:06 pm #

    I use fillna() first to replace the Nan to a value, then I use a fit_transform() to change all the training data to spare matrix, can I mask the replacing after fit_transform()? Since I want to get accuracy, I need to replace the Nan to a value, but I want to know which one is better, 1-just replacing the Nan to a value, 2-after replacing, make the model learn the missing data using mask?

    • Avatar
      Jason Brownlee June 6, 2020 at 7:51 am #

      Most algorithms and transforms will require that you remove rows with nan or impute the nan values prior to their use.

  33. Avatar
    Aloka June 16, 2020 at 7:07 pm #

    Can a LSTM Time series prediction model return NA values as prediction even when there is no NA in the input data. If yes, why would that happen

    • Avatar
      Jason Brownlee June 17, 2020 at 6:20 am #

      Maybe not NA, but you can train it to predict an “I don’t know”.

      • Avatar
        Aloka June 17, 2020 at 4:43 pm #

        Hi Jason,
        My encoder decoder LSTM model is forecasting NA for a multistep timeseries prediction even though the historical timeseries has no NA values. This is happen only for a few cases , other cases its giving proper values (i am parallely training multiple timeseries using multicores). I was wondering why would that happen. In the cases where i am getting NAs, The historical timeseries has a long sequence of 0s though. Could that be causing this

        • Avatar
          Jason Brownlee June 18, 2020 at 6:21 am #

          The gradients may have overflowed/exploded. Perhaps add some gradient clipping and ensuring you are using relu activations in hidden layers.

  34. Avatar
    Hilal October 2, 2020 at 11:13 pm #

    Hi, Jason!

    “When defining the layer, we can specify which value in the input to mask.
    If all features for a timestep contain the masked value, then the whole timestep will be excluded from calculations.””

    According to the definition; when I have 5 timesteps like “2, 4, 7, 1, 0” and the masking value is 0. I understood that this timestep will not be excluded and 0 value will not be excluded from calculations. Am I right? According to definition it should be “0, 0, 0, 0, 0” to be excluded.

    By the way, thanks for the great post.

    • Avatar
      Jason Brownlee October 3, 2020 at 6:09 am #

      Yes, the mask layer lets you specify which value to mask.

  35. Avatar
    Hilal October 4, 2020 at 6:21 am #

    Thank you for your answer. However something is not clear for me. I need to mask 0 and My all timesteps for timesteps 5 look like “8, 6, 7, 0, 0” , “7, 9, 23, 5, 0″ ,”1, 2,0, 0,0 ” because of padding but none of them look like “0, 0,0,0,0” . Does masking will be helpful for me? The sentence below in the definition confused me.

    “If all features for a timestep contain the masked value, then the whole timestep will be excluded from calculations.” Does it excludes masking values when some features (but not all of them)have masking values ?

    • Avatar
      Jason Brownlee October 4, 2020 at 6:56 am #

      Yes, any time steps that have your masked value will be skipped. It does not matter if it is a sequence of masked values or sporadic.

  36. Avatar
    Beti December 1, 2020 at 8:48 am #

    Hello,
    I am trying to fit a CNN model but I have NA data in the output dataset, how can I tell the model to omit this pixels with NA data during the training. I have tried several things but I always get a loss: nan.

  37. Avatar
    SULAIMAN KHAN February 5, 2021 at 4:50 pm #

    good morning , I have real data set. I have al lot missing values. Above programmed are available for synthetic data. How to use “fill” command for real datasets.

    • Avatar
      Jason Brownlee February 6, 2021 at 5:45 am #

      Perhaps start with a simple persistence of the last observation.

  38. Avatar
    SULAIMAN KHAN February 5, 2021 at 6:06 pm #

    from pandas import concat
    # create lag
    df = concat([df.shift(1), df],axis=1)
    # replace missing values with -1
    df.fillna(-1, inplace=True)
    values = df.values
    ###Get the Independent Features
    X=df.drop(‘rating’, axis=1)
    # specify input
    X = values
    # reshape
    X = X.reshape(len(X), 100836, 5)
    return X
    #################
    ValueError Traceback (most recent call last)
    in ()
    10 X = values
    11 # reshape
    —> 12 X = X.reshape(len(X), 100836, 5)
    13 return X

    ValueError: cannot reshape array of size 2420064 into shape (201672,100836,5)
    ###########################
    Hello, I have response variable in real dataset. how to operate above code. please correct
    my code.

  39. Avatar
    Nathan H February 19, 2021 at 10:07 am #

    Jason – I have read your LSTM book and (it feels like) every post on here about LSTM models. I have a problem with varying time sequences and have used your advice here to pad_sequences and use a Masking layer.

    Since I am building an LSTM autoencoder, I realized that RepeatVector layers, and any LSTM layer that has return_sequences=False will lose the mask. After some research, I came across this post (https://stackoverflow.com/questions/58144336/how-to-mask-the-inputs-in-an-lstm-autoencoder-having-a-repeatvector-layer). I took the recommended approach with the custom bottleneck layer.

    Do you agree with the approach in this post? Is this over-complicating the process, or is there another way to deal with Masking and autoencoders?

    Thanks in advance – this site has been incredible for all my ML tasks, not just LSTMs.

    • Avatar
      Jason Brownlee February 19, 2021 at 10:52 am #

      It won’t matter/is not needed (as far as I think off the cuff) as the compressed signal at the repeatlayer/bottleneck has masked values excluded.

      • Avatar
        Nathan H February 19, 2021 at 11:57 am #

        thank you – intuitively, that makes sense. For a reconstruction autoencoder, I shouldn’t need the mask after the RepeatVector, as the learning of the input has been accomplished up to that point.

        One more question – for an autoencoder, does that also imply feature compression, and therefore, you should have multiple stacked layers where you reduce the number of neurons in each layer leading up to the bottleneck? I’m assuming you use the reduced neurons to compress the “features”.

        • Avatar
          Jason Brownlee February 19, 2021 at 1:09 pm #

          Yes, the autoencoder compresses input to the bottleneck vector.

  40. Avatar
    Chigozie April 10, 2021 at 2:40 am #

    please help me with this Jason. so suppose i have an electricity time series data sampled at 30 minutes interval with some missing time stamps, say there is data for December 12, 2:30pm but no data for December 12, 3pm, 3:30pm, to about 6pm, then the data continues at 6:30pm. These missing time stamps would not be recorded as missing if i use the conventional pandas isna() function. So my question is that is there a way i can view discontinuity in my time series data? i.e a way to see if any time periods were skipped?

    please i would really appreciate an answer to this.

  41. Avatar
    Ben September 21, 2021 at 6:21 am #

    Hi!

    Many thanks for this. It’s very helpful! But there’s just this one little thing…

    Replacing NaN with a number is falsification of data.

    I came here for your masking example. Masking seems like a marginally acceptable kludge to exclude NaN from the computations in a library that can’t handle NaN competently… except that it’s dangerous. You ARE falsifying data, and then (hopefully) ignoring the falsified bit. How do you guarantee that the falsified data don’t corrupt the real data?

    How about we invent a special value that represents “not a number” and then correctly propagate it through computations?

    Back to your “Masking” code, NaN is ignored by being converted to -1 and then ignoring the -1. Since it’s just a placeholder for masking, it will make no difference if we replace the -1 with some other value like 99999999, right? Is that what you see? In my rather banal, fairly recent, stock Python environment, the “falsify and mask” technique you show here results in the falsified data corrupting the result, not with NaN, but with numbers, which would happily enter the next 18 stages of my collaborators’ data-processing pipelines. Or is the problem due to non-masked input normalisation, or something else entirely? Who knows when the problem would be caught?

    I came here because I didn’t know the answer, and I still don’t. Do you see a better way around this that can be implemented by the end-user?

    Again, thank you for all I’ve learned here!

    • Avatar
      Adrian Tam September 21, 2021 at 9:47 am #

      Using -1 or using 9999999 should just be the same if it is a mask, but most transfer functions would prefer values with smaller magnitude. Also, falsifying may not be bad because it helps prevent the model to overfit. If the data still contain some information even there are NaN, I want the model to point that out. Example in image recognition may help explain this: Changing a few pixels in the image should not affect what you identify. So you shouldn’t care how I change those few pixels.

  42. Avatar
    Sandy October 20, 2021 at 8:24 pm #

    Hello Jason,
    thank you very much for your endless efforts on making machine learning algorithms very easy to learn through your useful posts.
    I have a question regarding the learning with missing values, my question is What if we don’t want -1 as a value in our time series data because it’s not logical for example to have a pressure value that is -1 and also if we have as a feature wind speed value. and also assigning 0 would be an outlier compared to the available range of features values. in that case, is it useful to run these options on my dataset?
    I tried actually, regression techniques and they give reasonable results to fill the gaps of my multivariate time series though i have obvious outliers in some features. I am just not sure if it’s needed to try your suggested approaches as well.
    thanks

    • Avatar
      Adrian Tam October 22, 2021 at 3:03 am #

      You may also try interpolation, i.e., consider what is the value before and after the missing value in a time series and take the average to fill in.

  43. Avatar
    Omar May 24, 2023 at 6:42 pm #

    Hi!
    Fantastic post!

    Is there any technique to handle missing data in an image sequence problem? i.e. what can I do if a whole image is missing in the sequence?

    Thanks

Leave a Reply