Table of Contents

Introduction

The MSTL model (Multiple Seasonal-Trend decomposition using LOESS) is a method used to decompose a time series into its seasonal, trend and residual components. This approach is based on the use of LOESS (Local Regression Smoothing) to estimate the components of the time series.

The MSTL decomposition is an extension of the classic seasonal-trend decomposition method (also known as Holt-Winters decomposition), which is designed to handle situations where multiple seasonal patterns exist in the data. This can occur, for example, when a time series exhibits daily, weekly, and yearly patterns simultaneously.

The MSTL decomposition process is performed in several stages:

  1. Trend estimation: LOESS is used to estimate the trend component of the time series. LOESS is a non-parametric smoothing method that locally fits data and allows complex trend patterns to be captured.

  2. Estimation of seasonal components: Seasonal decomposition techniques are applied to identify and model the different seasonal patterns present in the data. This involves extracting and modeling seasonal components, such as daily, weekly, or yearly patterns.

  3. Estimation of the residuals: The residuals are calculated as the difference between the original time series and the sum of the estimates of trend and seasonal components. Residuals represent variation not explained by trend and seasonal patterns and may contain additional information or noise.

MSTL decomposition allows you to analyze and understand the different components of a time series in more detail, which can make it easier to forecast and detect patterns or anomalies. Furthermore, the use of LOESS provides flexibility to adapt to different trend and seasonal patterns present in the data.

It is important to note that the MSTL model is only one of the available approaches for time series decomposition and that its choice will depend on the specific characteristics of the data and the application context.

MSTL

An important objective in time series analysis is the decomposition of a series into a set of non-observable (latent) components that can be associated with different types of temporal variations. The idea of time series decomposition is very old and was used for the calculation of planetary orbits by seventeenth century astronomers. Persons was the first to state explicitly the assumptions of unobserved components. As Persons saw it, time series was composed of four types of fluctuations:

  1. a long-term tendency or secular trend;
  2. cyclical movements superimposed upon the long-term trend. These cycles appear to reach their peaks during periods of industrial prosperity and their troughs during periods of depressions, their rise and fall constituting the business cycle;
  3. a seasonal movement within each year, the shape of which depends on the nature of the series;
  4. residual variations due to changes impacting individual variables or other major events, such as wars and national catastrophes affecting a number of variables.

Traditionally, the four variations have been assumed to be mutually independent from one another and specified by means of an additive decomposition model:

yt=Tt+Ct+St+It,t=1, ,n \begin{equation} y_t= T_t +C_t +S_t +I_t, t=1,\ \cdots, n \tag 1 \end{equation}

where yty_t denotes the observed series at time tt, TtT_t the long-term trend, CtC_t the business cycle, StS_t seasonality, and ItI_t the irregulars.

If there is dependence among the latent components, this relationship is specified through a multiplicative model

yt=Tt×Ct×St×It,t=1, ,n \begin{equation} y_t= T_t \times C_t \times S_t \times I_t, t=1,\ \cdots, n \tag 2 \end{equation}

where now StS_t and ItI_t are expressed in proportion to the trend-cycle Tt×CtT_t \times C_t . In some cases, mixed additive-multiplicative models are used.

LOESS (Local Regression Smoothing)

LOESS is a nonparametric smoothing method used to estimate a smooth function that locally fits the data. For each point in the time series, LOESS performs a weighted regression using nearest neighbors.

The LOESS calculation involves the following steps:

  • For each point t in the time series, a nearest neighbor window is selected.
  • Weights are assigned to neighbors based on their proximity to t, using a weighting function, such as the Gaussian kernel.
  • A weighted regression is performed using the neighbors and their assigned weights.
  • The fitted value for point t is obtained based on local regression.
  • The process is repeated for all points in the time series, thus obtaining a smoothed estimate of the trend.

MSTL General Properties

The MSTL model (Multiple Seasonal-Trend decomposition using LOESS) has several properties that make it useful in time series analysis. Here is a list of some of its properties:

  1. Decomposition of multiple seasonal components: The MSTL model is capable of handling time series that exhibit multiple seasonal patterns simultaneously. You can effectively identify and model different seasonal components present in the data.

  2. Flexibility in detecting complex trends: Thanks to the use of LOESS, the MSTL model can capture complex trend patterns in the data. This includes non-linear trends and abrupt changes in the time series.

  3. Adaptability to different seasonal frequencies: The MSTL model is capable of handling data with different seasonal frequencies, such as daily, weekly, monthly, or even yearly patterns. You can identify and model seasonal patterns of different cycle lengths. (see) Seasonal periods

Frecuencia
DataMinuteHourDayWeekYear
Daily7365.25
Hourly241688766
Half-hourly4833617532
Minutes60144010080525960
Seconds6036008640060480031557600
  1. Ability to smooth noise and outliers: The smoothing process used in LOESS allows to reduce the impact of noise and outliers in the time series. This can improve detection of underlying patterns and make it easier to analyze trend and seasonality.

  2. Improved forecasting: By decomposing the time series into seasonal, trend, and residual components, the MSTL model can provide more accurate forecasts. Forecasts can be generated by extrapolating trend and seasonal patterns into the future, and adding the stochastic residuals.

  3. More detailed interpretation and analysis: The MSTL decomposition allows you to analyze and understand the different components of the time series in a more detailed way. This facilitates the identification of seasonal patterns, changes in trend, and the evaluation of residual variability.

  4. Efficient Implementation: Although the specific implementation may vary, the MSTL model can be calculated efficiently, especially when LOESS is used in combination with optimized calculation algorithms.

These properties make the MSTL model a useful tool for exploratory time series analysis, data forecasting, and pattern detection in the presence of multiple seasonal components and complex trends.

Loading libraries and data

Tip

Statsforecast will be needed. To install, see instructions.

Next, we import plotting libraries and configure the plotting style.

import matplotlib.pyplot as plt
import seaborn as sns
from statsmodels.graphics.tsaplots import plot_acf, plot_pacf
plt.style.use('grayscale') # fivethirtyeight  grayscale  classic
plt.rcParams['lines.linewidth'] = 1.5
dark_style = {
    'figure.facecolor': '#008080',  # #212946
    'axes.facecolor': '#008080',
    'savefig.facecolor': '#008080',
    'axes.grid': True,
    'axes.grid.which': 'both',
    'axes.spines.left': False,
    'axes.spines.right': False,
    'axes.spines.top': False,
    'axes.spines.bottom': False,
    'grid.color': '#000000',  #2A3459
    'grid.linewidth': '1',
    'text.color': '0.9',
    'axes.labelcolor': '0.9',
    'xtick.color': '0.9',
    'ytick.color': '0.9',
    'font.size': 12 }
plt.rcParams.update(dark_style)


from pylab import rcParams
rcParams['figure.figsize'] = (18,7)
import pandas as pd
df=pd.read_csv("https://raw.githubusercontent.com/Naren8520/Serie-de-tiempo-con-Machine-Learning/main/Data/ads.csv")

df.head()
TimeAds
02017-09-13T00:00:0080115
12017-09-13T01:00:0079885
22017-09-13T02:00:0089325
32017-09-13T03:00:00101930
42017-09-13T04:00:00121630

The input to StatsForecast is always a data frame in long format with three columns: unique_id, ds and y:

  • The unique_id (string, int or category) represents an identifier for the series.

  • The ds (datestamp) column should be of a format expected by Pandas, ideally YYYY-MM-DD for a date or YYYY-MM-DD HH:MM:SS for a timestamp.

  • The y (numeric) represents the measurement we wish to forecast.

df["unique_id"]="1"
df.columns=["ds", "y", "unique_id"]
df.head()
dsyunique_id
02017-09-13T00:00:00801151
12017-09-13T01:00:00798851
22017-09-13T02:00:00893251
32017-09-13T03:00:001019301
42017-09-13T04:00:001216301
print(df.dtypes)
ds           object
y             int64
unique_id    object
dtype: object

We can see that our time variable (ds) is in an object format, we need to convert to a date format

df["ds"] = pd.to_datetime(df["ds"])

Explore Data with the plot method

Plot some series using the plot method from the StatsForecast class. This method prints a random series from the dataset and is useful for basic EDA.

from statsforecast import StatsForecast

StatsForecast.plot(df)

Autocorrelation plots

Autocorrelation (ACF) and partial autocorrelation (PACF) plots are statistical tools used to analyze time series. ACF charts show the correlation between the values of a time series and their lagged values, while PACF charts show the correlation between the values of a time series and their lagged values, after the effect of previous lagged values has been removed.

ACF and PACF charts can be used to identify the structure of a time series, which can be helpful in choosing a suitable model for the time series. For example, if the ACF chart shows a repeating peak and valley pattern, this indicates that the time series is stationary, meaning that it has the same statistical properties over time. If the PACF chart shows a pattern of rapidly decreasing spikes, this indicates that the time series is invertible, meaning it can be reversed to get a stationary time series.

The importance of the ACF and PACF charts is that they can help analysts better understand the structure of a time series. This understanding can be helpful in choosing a suitable model for the time series, which can improve the ability to predict future values of the time series.

To analyze ACF and PACF charts:

  • Look for patterns in charts. Common patterns include repeating peaks and valleys, sawtooth patterns, and plateau patterns.
  • Compare ACF and PACF charts. The PACF chart generally has fewer spikes than the ACF chart.
  • Consider the length of the time series. ACF and PACF charts for longer time series will have more spikes.
  • Use a confidence interval. The ACF and PACF plots also show confidence intervals for the autocorrelation values. If an autocorrelation value is outside the confidence interval, it is likely to be significant.
fig, axs = plt.subplots(nrows=1, ncols=2)

plot_acf(df["y"],  lags=30, ax=axs[0],color="fuchsia")
axs[0].set_title("Autocorrelation");

# Grafico
plot_pacf(df["y"],  lags=30, ax=axs[1],color="lime")
axs[1].set_title('Partial Autocorrelation')

plt.show();

Decomposition of the time series

How to decompose a time series and why?

In time series analysis to forecast new values, it is very important to know past data. More formally, we can say that it is very important to know the patterns that values follow over time. There can be many reasons that cause our forecast values to fall in the wrong direction. Basically, a time series consists of four components. The variation of those components causes the change in the pattern of the time series. These components are:

  • Level: This is the primary value that averages over time.
  • Trend: The trend is the value that causes increasing or decreasing patterns in a time series.
  • Seasonality: This is a cyclical event that occurs in a time series for a short time and causes short-term increasing or decreasing patterns in a time series.
  • Residual/Noise: These are the random variations in the time series.

Combining these components over time leads to the formation of a time series. Most time series consist of level and noise/residual and trend or seasonality are optional values.

If seasonality and trend are part of the time series, then there will be effects on the forecast value. As the pattern of the forecasted time series may be different from the previous time series.

The combination of the components in time series can be of two types: * Additive * Multiplicative

Additive time series

If the components of the time series are added to make the time series. Then the time series is called the additive time series. By visualization, we can say that the time series is additive if the increasing or decreasing pattern of the time series is similar throughout the series. The mathematical function of any additive time series can be represented by: y(t)=level+Trend+seasonality+noisey(t) = level + Trend + seasonality + noise

Multiplicative time series

If the components of the time series are multiplicative together, then the time series is called a multiplicative time series. For visualization, if the time series is having exponential growth or decline with time, then the time series can be considered as the multiplicative time series. The mathematical function of the multiplicative time series can be represented as.

y(t)=LevelTrendseasonalityNoisey(t) = Level * Trend * seasonality * Noise

from statsmodels.tsa.seasonal import seasonal_decompose
from plotly.subplots import make_subplots
import plotly.graph_objects as go

def plotSeasonalDecompose(
    x,
    model='additive',
    filt=None,
    period=None,
    two_sided=True,
    extrapolate_trend=0,
    title="Seasonal Decomposition"):

    result = seasonal_decompose(
            x, model=model, filt=filt, period=period,
            two_sided=two_sided, extrapolate_trend=extrapolate_trend)
    fig = make_subplots(
            rows=4, cols=1,
            subplot_titles=["Observed", "Trend", "Seasonal", "Residuals"])
    for idx, col in enumerate(['observed', 'trend', 'seasonal', 'resid']):
        fig.add_trace(
            go.Scatter(x=result.observed.index, y=getattr(result, col), mode='lines'),
                row=idx+1, col=1,
            )
    return fig
plotSeasonalDecompose(
    df["y"],
    model="additive",
    period=24,
    title="Seasonal Decomposition")

Split the data into training and testing

Let’s divide our data into sets 1. Data to train our MSTL Model. 2. Data to test our model

For the test data we will use the last 30 Hours to test and evaluate the performance of our model.

train = df[df.ds<='2017-09-20 17:00:00'] 
test = df[df.ds>'2017-09-20 17:00:00']
train.shape, test.shape
((186, 3), (30, 3))

Now let’s plot the training data and the test data.

sns.lineplot(train,x="ds", y="y", label="Train", linestyle="--",linewidth=2)
sns.lineplot(test, x="ds", y="y", label="Test", linewidth=2, color="yellow")
plt.title("Ads watched (hourly data)");
plt.xlabel("Hours")
plt.show()

Implementation of MSTL Method with StatsForecast

To also know more about the parameters of the functions of the MSTL Model, they are listed below. For more information, visit the [documentation][here](https://nixtla.github.io/statsforecast/src/core/models.html#multiple-seasonalities).

season_length : Union[int, List[int]
    Number of observations per unit of time. For multiple seasonalities use a list.
trend_forecaster : model
    StatsForecast model used to forecast the trend component.
alias : str
    Custom name of the model.

Load libraries

from statsforecast import StatsForecast
from statsforecast.models import MSTL, AutoARIMA

Instantiating Model

Import and instantiate the models. Setting the argument is sometimes tricky. This article on Seasonal periods by the master, Rob Hyndmann, can be useful for season_length.

First, we must define the model parameters. As mentioned before, the Candy production load presents seasonalities every 24 hours (Hourly) and every 24 * 7 (Daily) hours. Therefore, we will use [24, 24 * 7] for season length. The trend component will be forecasted with an AutoARIMA model. (You can also try with: AutoTheta, AutoCES, and AutoETS)

from statsforecast.utils import ConformalIntervals
horizon = len(test) # number of predictions

models = [MSTL(season_length=[24, 8766], # seasonalities of the time series 
trend_forecaster=AutoARIMA(prediction_intervals=ConformalIntervals(n_windows=3, h=horizon)))]

We fit the models by instantiating a new StatsForecast object with the following parameters:

models: a list of models. Select the models you want from models and import them.

  • freq: a string indicating the frequency of the data. (See pandas’ available frequencies.)

  • n_jobs: n_jobs: int, number of jobs used in the parallel processing, use -1 for all cores.

  • fallback_model: a model to be used if a model fails.

Any settings are passed into the constructor. Then you call its fit method and pass in the historical data frame.

sf = StatsForecast(df=df,
                   models=models,
                   freq='H', 
                   n_jobs=-1)

Fit Model

sf.fit()
StatsForecast(models=[MSTL])

Let’s see the results of our MSTL Model. We can observe it with the following instruction:

result=sf.fitted_[0,0].model_
result
datatrendseasonal24seasonal8766remainder
080115.014303.922343-42577.491717108388.5693745.456968e-12
179885.014303.922343-44238.368960109819.446617-7.275958e-12
289325.014303.922343-35702.091693110723.1693507.275958e-12
213103080.014303.922343-13544.680251102320.7579085.456968e-12
21495155.014303.922343-23707.619714104558.6973711.818989e-12
21580285.014303.922343-38570.551564104551.6292203.637979e-12
sf.fitted_[0, 0].model_.tail(24 * 28).plot(subplots=True, grid=True)
plt.tight_layout()
plt.show()

Forecast Method

If you want to gain speed in productive settings where you have multiple series or models we recommend using the StatsForecast.forecast method instead of .fit and .predict.

The main difference is that the .forecast doest not store the fitted values and is highly scalable in distributed environments.

The forecast method takes two arguments: forecasts next h (horizon) and level.

  • h (int): represents the forecast h steps into the future. In this case, 30 hours ahead.

  • level (list of floats): this optional parameter is used for probabilistic forecasting. Set the level (or confidence percentile) of your prediction interval. For example, level=[90] means that the model expects the real value to be inside that interval 90% of the times.

The forecast object here is a new data frame that includes a column with the name of the model and the y hat values, as well as columns for the uncertainty intervals. Depending on your computer, this step should take around 1min. (If you want to speed things up to a couple of seconds, remove the AutoModels like ARIMA and Theta)

Y_hat = sf.forecast(horizon, fitted=True)
Y_hat
dsMSTL
unique_id
12017-09-22 00:00:0081048.031250
12017-09-22 01:00:0082047.953125
12017-09-22 02:00:0091127.234375
12017-09-23 03:00:00107635.890625
12017-09-23 04:00:00134776.953125
12017-09-23 05:00:00119654.390625
values=sf.forecast_fitted_values()
values.head()
dsyMSTL
unique_id
12017-09-13 00:00:0080115.080100.695312
12017-09-13 01:00:0079885.079885.000000
12017-09-13 02:00:0089325.089325.000000
12017-09-13 03:00:00101930.0101930.000000
12017-09-13 04:00:00121630.0121630.000000
StatsForecast.plot(values)

Adding 95% confidence interval with the forecast method

sf.forecast(h=horizon, level=[95])
dsMSTLMSTL-lo-95MSTL-hi-95
unique_id
12017-09-22 00:00:0081048.03125081048.03125081048.031250
12017-09-22 01:00:0082047.95312582047.95312582047.953125
12017-09-22 02:00:0091127.23437591127.23437591127.234375
12017-09-23 03:00:00107635.890625107635.890625107635.890625
12017-09-23 04:00:00134776.953125134776.953125134776.953125
12017-09-23 05:00:00119654.390625119654.390625119654.390625
Y_hat=Y_hat.reset_index()
Y_hat
unique_iddsMSTL
012017-09-22 00:00:0081048.031250
112017-09-22 01:00:0082047.953125
212017-09-22 02:00:0091127.234375
2712017-09-23 03:00:00107635.890625
2812017-09-23 04:00:00134776.953125
2912017-09-23 05:00:00119654.390625
# Concat the forecasts with the true values
Y_hat1 = pd.concat([df,Y_hat],  keys=['unique_id', 'ds'])
Y_hat1
dsyunique_idMSTL
unique_id02017-09-13 00:00:0080115.01NaN
12017-09-13 01:00:0079885.01NaN
22017-09-13 02:00:0089325.01NaN
ds272017-09-23 03:00:00NaN1107635.890625
282017-09-23 04:00:00NaN1134776.953125
292017-09-23 05:00:00NaN1119654.390625
fig, ax = plt.subplots(1, 1)
plot_df = pd.concat([df, Y_hat1]).set_index('ds')
plot_df['y'].plot(ax=ax, linewidth=2)
plot_df["MSTL"].plot(ax=ax, linewidth=2, color="yellow")
ax.set_title(' Forecast', fontsize=22)
ax.set_ylabel('Ads watched (hourly data)', fontsize=20)
ax.set_xlabel('Monthly [t]', fontsize=20)
ax.legend(prop={'size': 15})
ax.grid(True)

Predict method with confidence interval

To generate forecasts use the predict method.

The predict method takes two arguments: forecasts the next h (for horizon) and level.

  • h (int): represents the forecast h steps into the future. In this case, 30 hours ahead.

  • level (list of floats): this optional parameter is used for probabilistic forecasting. Set the level (or confidence percentile) of your prediction interval. For example, level=[95] means that the model expects the real value to be inside that interval 95% of the times.

The forecast object here is a new data frame that includes a column with the name of the model and the y hat values, as well as columns for the uncertainty intervals.

This step should take less than 1 second.

sf.predict(h=horizon)
dsMSTL
unique_id
12017-09-22 00:00:0081048.031250
12017-09-22 01:00:0082047.953125
12017-09-22 02:00:0091127.234375
12017-09-23 03:00:00107635.890625
12017-09-23 04:00:00134776.953125
12017-09-23 05:00:00119654.390625
forecast_df = sf.predict(h=horizon, level=[80,95]) 
forecast_df
dsMSTLMSTL-lo-95MSTL-lo-80MSTL-hi-80MSTL-hi-95
unique_id
12017-09-22 00:00:0081048.03125081048.03125081048.03125081048.03125081048.031250
12017-09-22 01:00:0082047.95312582047.95312582047.95312582047.95312582047.953125
12017-09-22 02:00:0091127.23437591127.23437591127.23437591127.23437591127.234375
12017-09-23 03:00:00107635.890625107635.890625107635.890625107635.890625107635.890625
12017-09-23 04:00:00134776.953125134776.953125134776.953125134776.953125134776.953125
12017-09-23 05:00:00119654.390625119654.390625119654.390625119654.390625119654.390625

We can join the forecast result with the historical data using the pandas function pd.concat(), and then be able to use this result for graphing.

pd.concat([df, forecast_df]).set_index('ds')
yunique_idMSTLMSTL-lo-95MSTL-lo-80MSTL-hi-80MSTL-hi-95
ds
2017-09-13 00:00:0080115.01NaNNaNNaNNaNNaN
2017-09-13 01:00:0079885.01NaNNaNNaNNaNNaN
2017-09-13 02:00:0089325.01NaNNaNNaNNaNNaN
2017-09-23 03:00:00NaNNaN107635.890625107635.890625107635.890625107635.890625107635.890625
2017-09-23 04:00:00NaNNaN134776.953125134776.953125134776.953125134776.953125134776.953125
2017-09-23 05:00:00NaNNaN119654.390625119654.390625119654.390625119654.390625119654.390625
df_plot= pd.concat([df, forecast_df]).set_index('ds')
df_plot
yunique_idMSTLMSTL-lo-95MSTL-lo-80MSTL-hi-80MSTL-hi-95
ds
2017-09-13 00:00:0080115.01NaNNaNNaNNaNNaN
2017-09-13 01:00:0079885.01NaNNaNNaNNaNNaN
2017-09-13 02:00:0089325.01NaNNaNNaNNaNNaN
2017-09-23 03:00:00NaNNaN107635.890625107635.890625107635.890625107635.890625107635.890625
2017-09-23 04:00:00NaNNaN134776.953125134776.953125134776.953125134776.953125134776.953125
2017-09-23 05:00:00NaNNaN119654.390625119654.390625119654.390625119654.390625119654.390625

Now let’s visualize the result of our forecast and the historical data of our time series, also let’s draw the confidence interval that we have obtained when making the prediction with 95% confidence.

def plot_forecasts(y_hist, y_pred, models):
  _, ax = plt.subplots(1, 1, figsize = (20, 7))
  df_plot = pd.concat([y_hist, y_pred]).set_index('ds').tail(12*10)
  df_plot[['y'] + models].plot(ax=ax, linewidth=3)
  colors = [['blue', "red"]]
  for model, color in zip(models, colors):
    ax.fill_between(df_plot.index, 
                        df_plot[f'{model}-lo-95'], 
                        df_plot[f'{model}-hi-95'],
                        alpha=.35,
                        color="blue",
                        label=f'{model}-level-95')
  for model, color in zip(models, colors):
      ax.fill_between(df_plot.index, 
                        df_plot[f'{model}-lo-80'], 
                        df_plot[f'{model}-hi-80'],
                        alpha=.20,
                        color="white",
                        label=f'{model}-level-80')
  ax.set_title('', fontsize=22)
  ax.set_ylabel("Ads watched (hourly data)", fontsize=20)
  ax.set_xlabel('Hourly', fontsize=20)
  ax.legend(prop={'size': 20})
  ax.grid(True)
  plt.show()
plot_forecasts(df, forecast_df, models=["MSTL"])

Let’s plot the same graph using the plot function that comes in Statsforecast, as shown below.

sf.plot(df, forecast_df, level=[80,95])

Cross-validation

In previous steps, we’ve taken our historical data to predict the future. However, to asses its accuracy we would also like to know how the model would have performed in the past. To assess the accuracy and robustness of your models on your data perform Cross-Validation.

With time series data, Cross Validation is done by defining a sliding window across the historical data and predicting the period following it. This form of cross-validation allows us to arrive at a better estimation of our model’s predictive abilities across a wider range of temporal instances while also keeping the data in the training set contiguous as is required by our models.

The following graph depicts such a Cross Validation Strategy:

Perform time series cross-validation

Cross-validation of time series models is considered a best practice but most implementations are very slow. The statsforecast library implements cross-validation as a distributed operation, making the process less time-consuming to perform. If you have big datasets you can also perform Cross Validation in a distributed cluster using Ray, Dask or Spark.

In this case, we want to evaluate the performance of each model for the last 5 months (n_windows=), forecasting every second months (step_size=50). Depending on your computer, this step should take around 1 min.

The cross_validation method from the StatsForecast class takes the following arguments.

  • df: training data frame

  • h (int): represents h steps into the future that are being forecasted. In this case, 500 hours ahead.

  • step_size (int): step size between each window. In other words: how often do you want to run the forecasting processes.

  • n_windows(int): number of windows used for cross validation. In other words: what number of forecasting processes in the past do you want to evaluate.

crossvalidation_df = sf.cross_validation(df=df,
                                         h=horizon,
                                         step_size=30,
                                         n_windows=5)

The crossvaldation_df object is a new data frame that includes the following columns:

  • unique_id: index. If you dont like working with index just run crossvalidation_df.resetindex().
  • ds: datestamp or temporal index
  • cutoff: the last datestamp or temporal index for the n_windows.
  • y: true value
  • model: columns with the model’s name and fitted value.
crossvalidation_df
dscutoffyMSTL
unique_id
12017-09-15 18:00:002017-09-15 17:00:00159725.0154065.828125
12017-09-15 19:00:002017-09-15 17:00:00161085.0156565.984375
12017-09-15 20:00:002017-09-15 17:00:00135520.0134848.375000
12017-09-21 21:00:002017-09-20 17:00:00103080.0113760.242188
12017-09-21 22:00:002017-09-20 17:00:0095155.0101626.562500
12017-09-21 23:00:002017-09-20 17:00:0080285.082278.148438

We’ll now plot the forecast for each cutoff period. To make the plots clearer, we’ll rename the actual values in each period.

cross_validation=crossvalidation_df.copy()
cross_validation.rename(columns = {'y' : 'actual'}, inplace = True) # rename actual values 

cutoff = cross_validation['cutoff'].unique()

for k in range(len(cutoff)): 
    cv = cross_validation[cross_validation['cutoff'] == cutoff[k]]
    StatsForecast.plot(df, cv.loc[:, cv.columns != 'cutoff'])

Model Evaluation

We can now compute the accuracy of the forecast using an appropiate accuracy metric. Here we’ll use the Root Mean Squared Error (RMSE). To do this, we first need to install datasetsforecast, a Python library developed by Nixtla that includes a function to compute the RMSE.

!pip install datasetsforecast
from datasetsforecast.losses import rmse

The function to compute the RMSE takes two arguments:

  1. The actual values.
  2. The forecasts, in this case, MSTL Model.
rmse = rmse(cross_validation['actual'], cross_validation["MSTL"])
print("RMSE using cross-validation: ", rmse)
RMSE using cross-validation:  13587.256

Acknowledgements

We would like to thank Naren Castellon for writing this tutorial.

References

  1. Changquan Huang • Alla Petukhina. Springer series (2022). Applied Time Series Analysis and Forecasting with Python.
  2. Ivan Svetunkov. Forecasting and Analytics with the Augmented Dynamic Adaptive Model (ADAM)
  3. James D. Hamilton. Time Series Analysis Princeton University Press, Princeton, New Jersey, 1st Edition, 1994.
  4. Nixtla Parameters.
  5. Pandas available frequencies.
  6. Rob J. Hyndman and George Athanasopoulos (2018). “Forecasting principles and practice, Time series cross-validation”..
  7. Seasonal periods- Rob J Hyndman.