def encode_year(idx):
return (idx.year - 1950) / 50
add_encoders={
'cyclic': {'future': ['month']},
'datetime_attribute': {'future': ['hour', 'dayofweek']},
'position': {'future': ['relative']},
'custom': {'future': [encode_year]},
'transformer': Scaler(),
'tz': 'CET'
Examples
>>> from darts.datasets import AirPassengersDataset
>>> from darts.models import ARIMA
>>> from darts.utils.timeseries_generation import datetime_attribute_timeseries
>>> series = AirPassengersDataset().load()
>>> # optionally, use some future covariates; e.g. the value of the month encoded as a sine and cosine series
>>> future_cov = datetime_attribute_timeseries(series, "month", cyclic=True, add_length=6)
>>> # define ARIMA parameters
>>> model = ARIMA(p=12, d=1, q=2)
>>> model.fit(series, future_covariates=future_cov)
>>> pred = model.predict(6, future_covariates=future_cov)
>>> pred.values()
array([[451.36489334],
[416.88972829],
[443.10520391],
[481.07892911],
[502.11286509],
[555.50153984]])
Attributes
considers_static_covariates
Whether the model considers static covariates, if there are any.
extreme_lags
A 6-tuple containing in order: (min target lag, max target lag, min past covariate lag, max past covariate lag, min future covariate lag, max future covariate lag).
min_train_samples
The minimum number of samples for training the model.
output_chunk_length
Number of time steps predicted at once by the model, not defined for statistical models.
supports_future_covariates
Whether model supports future covariates
supports_likelihood_parameter_prediction
Whether model instance supports direct prediction of likelihood parameters
supports_multivariate
Whether the model considers more than one variate in the time series.
supports_optimized_historical_forecasts
Whether the model supports optimized historical forecasts
supports_past_covariates
Whether model supports past covariates
supports_static_covariates
Whether model supports static covariates
supports_transferrable_series_prediction
Whether the model supports prediction for any input series.
uses_future_covariates
Whether the model uses future covariates, once fitted.
uses_past_covariates
Whether the model uses past covariates, once fitted.
uses_static_covariates
Whether the model uses static covariates, once fitted.
backtest
(series[, past_covariates, ...])
Compute error values that the model would have produced when used on (potentially multiple) series.
fit
(series[, future_covariates])
Fit/train the model on the (single) provided series.
generate_fit_encodings
(series[, ...])
Generates the covariate encodings that were used/generated for fitting the model and returns a tuple of past, and future covariates series with the original and encoded covariates stacked together.
generate_fit_predict_encodings
(n, series[, ...])
Generates covariate encodings for training and inference/prediction and returns a tuple of past, and future covariates series with the original and encoded covariates stacked together.
generate_predict_encodings
(n, series[, ...])
Generates covariate encodings for the inference/prediction set and returns a tuple of past, and future covariates series with the original and encoded covariates stacked together.
gridsearch
(parameters, series[, ...])
Find the best hyper-parameters among a given set using a grid search.
historical_forecasts
(series[, ...])
Compute the historical forecasts that would have been obtained by this model on (potentially multiple) series.
load
(path)
Loads the model from a given path or file handle.
predict
(n[, series, future_covariates, ...])
If the series parameter is not set, forecasts values for n time steps after the end of the training series.
residuals
(series[, past_covariates, ...])
Compute the residuals produced by this model on a (or sequence of) univariate time series.
save
([path])
Saves the model under a given path or file handle.
backtest(series, past_covariates=None, future_covariates=None, historical_forecasts=None, num_samples=1, train_length=None, start=None, start_format='value', forecast_horizon=1, stride=1, retrain=True, overlap_end=False, last_points_only=False, metric=<function mape>, reduction=<function mean>, verbose=False, show_warnings=True, fit_kwargs=None, predict_kwargs=None)
Compute error values that the model would have produced when
used on (potentially multiple) series.
If historical_forecasts are provided, the metric (given by the metric function) is evaluated directly on
the forecast and the actual values. Otherwise, it repeatedly builds a training set: either expanding from the
beginning of series or moving with a fixed length train_length. It trains the current model on the
training set, emits a forecast of length equal to forecast_horizon, and then moves the end of the training
set forward by stride time steps. The metric is then evaluated on the forecast and the actual values.
Finally, the method returns a reduction (the mean by default) of all these metric scores.
By default, this method uses each historical forecast (whole) to compute error scores.
If last_points_only is set to True, it will use only the last point of each historical
forecast. In this case, no reduction is used.
By default, this method always re-trains the models on the entire available history, corresponding to an
expanding window strategy. If retrain is set to False (useful for models for which training might be
time-consuming, such as deep learning models), the trained model will be used directly to emit the forecasts.
Parameters
series (Union
[TimeSeries
, Sequence
[TimeSeries
]]) – The (or a sequence of) target time series used to successively train and evaluate the historical forecasts.
past_covariates (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – Optionally, one (or a sequence of) past-observed covariate series. This applies only if the model
supports past covariates.
future_covariates (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – Optionally, one (or a sequence of) future-known covariate series. This applies only if the model
supports future covariates.
historical_forecasts (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – Optionally, the (or a sequence of) historical forecasts time series to be evaluated. Corresponds to
the output of historical_forecasts()
. If provided, will
skip historical forecasting and ignore all parameters except series, metric, and reduction.
num_samples (int
) – Number of times a prediction is sampled from a probabilistic model. Use values >1 only for probabilistic
models.
train_length (Optional
[int
]) – Number of time steps in our training set (size of backtesting window to train on). Only effective when
retrain is not False
. Default is set to train_length=None where it takes all available time steps
up until prediction time, otherwise the moving window strategy is used. If larger than the number of time
steps available, all steps up until prediction time are used, as in default case. Needs to be at least
min_train_series_length.
start (Union
[Timestamp
, float
, int
, None
]) –
Optionally, the first point in time at which a prediction is computed. This parameter supports:
float
, int
, pandas.Timestamp
, and None
.
If a float
, it is the proportion of the time series that should lie before the first prediction point.
If an int
, it is either the index position of the first prediction point for series with a
pd.DatetimeIndex, or the index value for series with a pd.RangeIndex. The latter can be changed to
the index position with start_format=”position”.
If a pandas.Timestamp
, it is the time stamp of the first prediction point.
If None
, the first prediction point will automatically be set to:
the first predictable point if retrain is False
, or retrain is a Callable and the first
predictable point is earlier than the first trainable point.
the first trainable point if retrain is True
or int
(given train_length),
or retrain is a Callable and the first trainable point is earlier than the first predictable point.
the first trainable point (given train_length) otherwise
Note: Raises a ValueError if start yields a time outside the time index of series.
Note: If start is outside the possible historical forecasting times, will ignore the parameter
(default behavior with None
) and start at the first trainable/predictable point.
start_format (Literal
[‘position’, ‘value’]) – Defines the start format. Only effective when start is an integer and series is indexed with a
pd.RangeIndex.
If set to ‘position’, start corresponds to the index position of the first predicted point and can range
from (-len(series), len(series) - 1).
If set to ‘value’, start corresponds to the index value/label of the first predicted point. Will raise
an error if the value is not in series’ index. Default: 'value'
forecast_horizon (int
) – The forecast horizon for the point predictions.
stride (int
) – The number of time steps between two consecutive predictions.
retrain (Union
[bool
, int
, Callable
[…, bool
]]) –
Whether and/or on which condition to retrain the model before predicting.
This parameter supports 3 different datatypes: bool
, (positive) int
, and
Callable
(returning a bool
).
In the case of bool
: retrain the model at each step (True), or never retrains the model (False).
In the case of int
: the model is retrained every retrain iterations.
In the case of Callable
: the model is retrained whenever callable returns True.
The callable must have the following positional arguments:
counter (int): current retrain iteration
pred_time (pd.Timestamp or int): timestamp of forecast time (end of the training series)
train_series (TimeSeries): train series up to pred_time
past_covariates (TimeSeries): past_covariates series up to pred_time
future_covariates (TimeSeries): future_covariates series up
to min(pred_time + series.freq * forecast_horizon, series.end_time())
Note: if any optional *_covariates are not passed to historical_forecast, None
will be passed
to the corresponding retrain function argument.
Note: some models do require being retrained every time and do not support anything other
than retrain=True.
overlap_end (bool
) – Whether the returned forecasts can go beyond the series’ end or not.
last_points_only (bool
) – Whether to use the whole historical forecasts or only the last point of each forecast to compute the error.
metric (Union
[Callable
[[TimeSeries
, TimeSeries
], float
], List
[Callable
[[TimeSeries
, TimeSeries
], float
]]]) – A function or a list of function that takes two TimeSeries
instances as inputs and returns an
error value.
reduction (Optional
[Callable
[[ndarray
], float
]]) – A function used to combine the individual error scores obtained when last_points_only is set to False.
When providing several metric functions, the function will receive the argument axis = 0 to obtain single
value for each metric function.
If explicitly set to None, the method will return a list of the individual error scores instead.
Set to np.mean
by default.
verbose (bool
) – Whether to print progress.
show_warnings (bool
) – Whether to show warnings related to parameters start, and train_length.
fit_kwargs (Optional
[Dict
[str
, Any
]]) – Additional arguments passed to the model fit() method.
predict_kwargs (Optional
[Dict
[str
, Any
]]) – Additional arguments passed to the model predict() method.
Returns
The (sequence of) error score on a series, or list of list containing error scores for each
provided series and each sample.
Return type
float or List[float] or List[List[float]]
property considers_static_covariates: bool
Whether the model considers static covariates, if there are any.
Return type
property extreme_lags: Tuple[Optional[int], Optional[int], Optional[int], Optional[int], Optional[int], Optional[int]]
A 6-tuple containing in order:
(min target lag, max target lag, min past covariate lag, max past covariate lag, min future covariate
lag, max future covariate lag). If 0 is the index of the first prediction, then all lags are relative to this
index.
See examples below.
If the model wasn’t fitted with:
target (concerning RegressionModels only): then the first element should be None.
past covariates: then the third and fourth elements should be None.
future covariates: then the fifth and sixth elements should be None.
Should be overridden by models that use past or future covariates, and/or for model that have minimum target
lag and maximum target lags potentially different from -1 and 0.
Notes
maximum target lag (second value) cannot be None and is always larger than or equal to 0.
Examples
>>> model = LinearRegressionModel(lags=3, output_chunk_length=2)
>>> model.fit(train_series)
>>> model.extreme_lags
(-3, 1, None, None, None, None)
>>> model = LinearRegressionModel(lags=[-3, -5], lags_past_covariates = 4, output_chunk_length=7)
>>> model.fit(train_series, past_covariates=past_covariates)
>>> model.extreme_lags
(-5, 6, -4, -1, None, None)
>>> model = LinearRegressionModel(lags=[3, 5], lags_future_covariates = [4, 6], output_chunk_length=7)
>>> model.fit(train_series, future_covariates=future_covariates)
>>> model.extreme_lags
(-5, 6, None, None, 4, 6)
>>> model = NBEATSModel(input_chunk_length=10, output_chunk_length=7)
>>> model.fit(train_series)
>>> model.extreme_lags
(-10, 6, None, None, None, None)
>>> model = NBEATSModel(input_chunk_length=10, output_chunk_length=7, lags_future_covariates=[4, 6])
>>> model.fit(train_series, future_covariates)
>>> model.extreme_lags
(-10, 6, None, None, 4, 6)
- Return type
Tuple
[Optional
[int
], Optional
[int
], Optional
[int
], Optional
[int
], Optional
[int
], Optional
[int
]]
fit(series, future_covariates=None)
Fit/train the model on the (single) provided series.
Optionally, a future covariates series can be provided as well.
- Parameters
series (TimeSeries
) – The model will be trained to forecast this time series. Can be multivariate if the model supports it.
future_covariates (Optional
[TimeSeries
]) – A time series of future-known covariates. This time series will not be forecasted, but can be used by
some models as an input. It must contain at least the same time steps/indices as the target series.
If it is longer than necessary, it will be automatically trimmed.
- Returns
Fitted model.
- Return type
generate_fit_encodings(series, past_covariates=None, future_covariates=None)
Generates the covariate encodings that were used/generated for fitting the model and returns a tuple of
past, and future covariates series with the original and encoded covariates stacked together. The encodings are
generated by the encoders defined at model creation with parameter add_encoders. Pass the same series,
past_covariates, and future_covariates that you used to train/fit the model.
- Parameters
series (Union
[TimeSeries
, Sequence
[TimeSeries
]]) – The series or sequence of series with the target values used when fitting the model.
past_covariates (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – Optionally, the series or sequence of series with the past-observed covariates used when fitting the model.
future_covariates (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – Optionally, the series or sequence of series with the future-known covariates used when fitting the model.
- Returns
A tuple of (past covariates, future covariates). Each covariate contains the original as well as the
encoded covariates.
- Return type
Tuple[Union[TimeSeries, Sequence[TimeSeries]], Union[TimeSeries, Sequence[TimeSeries]]]
generate_fit_predict_encodings(n, series, past_covariates=None, future_covariates=None)
Generates covariate encodings for training and inference/prediction and returns a tuple of past, and future
covariates series with the original and encoded covariates stacked together. The encodings are generated by the
encoders defined at model creation with parameter add_encoders. Pass the same series, past_covariates,
and future_covariates that you intend to use for training and prediction.
- Parameters
n (int
) – The number of prediction time steps after the end of series intended to be used for prediction.
series (Union
[TimeSeries
, Sequence
[TimeSeries
]]) – The series or sequence of series with target values intended to be used for training and prediction.
past_covariates (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – Optionally, the past-observed covariates series intended to be used for training and prediction. The
dimensions must match those of the covariates used for training.
future_covariates (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – Optionally, the future-known covariates series intended to be used for prediction. The dimensions must
match those of the covariates used for training.
- Returns
A tuple of (past covariates, future covariates). Each covariate contains the original as well as the
encoded covariates.
- Return type
Tuple[Union[TimeSeries, Sequence[TimeSeries]], Union[TimeSeries, Sequence[TimeSeries]]]
generate_predict_encodings(n, series, past_covariates=None, future_covariates=None)
Generates covariate encodings for the inference/prediction set and returns a tuple of past, and future
covariates series with the original and encoded covariates stacked together. The encodings are generated by the
encoders defined at model creation with parameter add_encoders. Pass the same series, past_covariates,
and future_covariates that you intend to use for prediction.
- Parameters
n (int
) – The number of prediction time steps after the end of series intended to be used for prediction.
series (Union
[TimeSeries
, Sequence
[TimeSeries
]]) – The series or sequence of series with target values intended to be used for prediction.
past_covariates (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – Optionally, the past-observed covariates series intended to be used for prediction. The dimensions must
match those of the covariates used for training.
future_covariates (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – Optionally, the future-known covariates series intended to be used for prediction. The dimensions must
match those of the covariates used for training.
- Returns
A tuple of (past covariates, future covariates). Each covariate contains the original as well as the
encoded covariates.
- Return type
Tuple[Union[TimeSeries, Sequence[TimeSeries]], Union[TimeSeries, Sequence[TimeSeries]]]
classmethod gridsearch(parameters, series, past_covariates=None, future_covariates=None, forecast_horizon=None, stride=1, start=0.5, start_format='value', last_points_only=False, show_warnings=True, val_series=None, use_fitted_values=False, metric=<function mape>, reduction=<function mean>, verbose=False, n_jobs=1, n_random_samples=None, fit_kwargs=None, predict_kwargs=None)
Find the best hyper-parameters among a given set using a grid search.
This function has 3 modes of operation: Expanding window mode, split mode and fitted value mode.
The three modes of operation evaluate every possible combination of hyper-parameter values
provided in the parameters dictionary by instantiating the model_class subclass
of ForecastingModel with each combination, and returning the best-performing model with regard
to the metric function. The metric function is expected to return an error value,
thus the model resulting in the smallest metric output will be chosen.
The relationship of the training data and test data depends on the mode of operation.
Expanding window mode (activated when forecast_horizon is passed):
For every hyperparameter combination, the model is repeatedly trained and evaluated on different
splits of series. This process is accomplished by using
the backtest()
function as a subroutine to produce historic forecasts starting from start
that are compared against the ground truth values of series.
Note that the model is retrained for every single prediction, thus this mode is slower.
Split window mode (activated when val_series is passed):
This mode will be used when the val_series argument is passed.
For every hyper-parameter combination, the model is trained on series and
evaluated on val_series.
Fitted value mode (activated when use_fitted_values is set to True):
For every hyper-parameter combination, the model is trained on series
and evaluated on the resulting fitted values.
Not all models have fitted values, and this method raises an error if the model doesn’t have a fitted_values
member. The fitted values are the result of the fit of the model on series. Comparing with the
fitted values can be a quick way to assess the model, but one cannot see if the model is overfitting the series.
Derived classes must ensure that a single instance of a model will not share parameters with the other
instances, e.g., saving models in the same path. Otherwise, an unexpected behavior can arise while running
several models in parallel (when n_jobs != 1
). If this cannot be avoided, then gridsearch
should be redefined, forcing n_jobs = 1
.
Currently this method only supports deterministic predictions (i.e. when models’ predictions
have only 1 sample).
- Parameters
model_class – The ForecastingModel subclass to be tuned for ‘series’.
parameters (dict
) – A dictionary containing as keys hyperparameter names, and as values lists of values for the
respective hyperparameter.
series (TimeSeries
) – The target series used as input and target for training.
past_covariates (Optional
[TimeSeries
]) – Optionally, a past-observed covariate series. This applies only if the model supports past covariates.
future_covariates (Optional
[TimeSeries
]) – Optionally, a future-known covariate series. This applies only if the model supports future covariates.
forecast_horizon (Optional
[int
]) – The integer value of the forecasting horizon. Activates expanding window mode.
stride (int
) – Only used in expanding window mode. The number of time steps between two consecutive predictions.
start (Union
[Timestamp
, float
, int
]) –
Only used in expanding window mode. Optionally, the first point in time at which a prediction is computed.
This parameter supports: float
, int
, pandas.Timestamp
, and None
.
If a float
, it is the proportion of the time series that should lie before the first prediction point.
If an int
, it is either the index position of the first prediction point for series with a
pd.DatetimeIndex, or the index value for series with a pd.RangeIndex. The latter can be changed to
the index position with start_format=”position”.
If a pandas.Timestamp
, it is the time stamp of the first prediction point.
If None
, the first prediction point will automatically be set to:
the first predictable point if retrain is False
, or retrain is a Callable and the first
predictable point is earlier than the first trainable point.
the first trainable point if retrain is True
or int
(given train_length),
or retrain is a Callable and the first trainable point is earlier than the first predictable point.
the first trainable point (given train_length) otherwise
Note: Raises a ValueError if start yields a time outside the time index of series.
Note: If start is outside the possible historical forecasting times, will ignore the parameter
(default behavior with None
) and start at the first trainable/predictable point.
start_format (Literal
[‘position’, ‘value’]) – Only used in expanding window mode. Defines the start format. Only effective when start is an integer
and series is indexed with a pd.RangeIndex.
If set to ‘position’, start corresponds to the index position of the first predicted point and can range
from (-len(series), len(series) - 1).
If set to ‘value’, start corresponds to the index value/label of the first predicted point. Will raise
an error if the value is not in series’ index. Default: 'value'
last_points_only (bool
) – Only used in expanding window mode. Whether to use the whole forecasts or only the last point of each
forecast to compute the error.
show_warnings (bool
) – Only used in expanding window mode. Whether to show warnings related to the start parameter.
val_series (Optional
[TimeSeries
]) – The TimeSeries instance used for validation in split mode. If provided, this series must start right after
the end of series; so that a proper comparison of the forecast can be made.
use_fitted_values (bool
) – If True, uses the comparison with the fitted values.
Raises an error if fitted_values
is not an attribute of model_class.
metric (Callable
[[TimeSeries
, TimeSeries
], float
]) – A function that takes two TimeSeries instances as inputs (actual and prediction, in this order),
and returns a float error value.
reduction (Callable
[[ndarray
], float
]) – A reduction function (mapping array to float) describing how to aggregate the errors obtained
on the different validation series when backtesting. By default it’ll compute the mean of errors.
verbose – Whether to print progress.
n_jobs (int
) – The number of jobs to run in parallel. Parallel jobs are created only when there are two or more parameters
combinations to evaluate. Each job will instantiate, train, and evaluate a different instance of the model.
Defaults to 1 (sequential). Setting the parameter to -1 means using all the available cores.
n_random_samples (Union
[int
, float
, None
]) – The number/ratio of hyperparameter combinations to select from the full parameter grid. This will perform
a random search instead of using the full grid.
If an integer, n_random_samples is the number of parameter combinations selected from the full grid and
must be between 0 and the total number of parameter combinations.
If a float, n_random_samples is the ratio of parameter combinations selected from the full grid and must
be between 0 and 1. Defaults to None, for which random selection will be ignored.
fit_kwargs (Optional
[Dict
[str
, Any
]]) – Additional arguments passed to the model fit() method.
predict_kwargs (Optional
[Dict
[str
, Any
]]) – Additional arguments passed to the model predict() method.
- Returns
A tuple containing an untrained model_class instance created from the best-performing hyper-parameters,
along with a dictionary containing these best hyper-parameters,
and metric score for the best hyper-parameters.
- Return type
ForecastingModel, Dict, float
historical_forecasts(series, past_covariates=None, future_covariates=None, num_samples=1, train_length=None, start=None, start_format='value', forecast_horizon=1, stride=1, retrain=True, overlap_end=False, last_points_only=True, verbose=False, show_warnings=True, predict_likelihood_parameters=False, enable_optimization=True, fit_kwargs=None, predict_kwargs=None)
Compute the historical forecasts that would have been obtained by this model on
(potentially multiple) series.
This method repeatedly builds a training set: either expanding from the beginning of series or moving with
a fixed length train_length. It trains the model on the training set, emits a forecast of length equal to
forecast_horizon, and then moves the end of the training set forward by stride time steps.
By default, this method will return one (or a sequence of) single time series made up of
the last point of each historical forecast.
This time series will thus have a frequency of series.freq * stride
.
If last_points_only is set to False, it will instead return one (or a sequence of) list of the
historical forecasts series.
By default, this method always re-trains the models on the entire available history, corresponding to an
expanding window strategy. If retrain is set to False, the model must have been fit before. This is not
supported by all models.
- Parameters
series (Union
[TimeSeries
, Sequence
[TimeSeries
]]) – The (or a sequence of) target time series used to successively train and compute the historical forecasts.
past_covariates (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – Optionally, one (or a sequence of) past-observed covariate series. This applies only if the model
supports past covariates.
future_covariates (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – Optionally, one (or a sequence of) of future-known covariate series. This applies only if the model
supports future covariates.
num_samples (int
) – Number of times a prediction is sampled from a probabilistic model. Use values >1 only for probabilistic
models.
train_length (Optional
[int
]) – Number of time steps in our training set (size of backtesting window to train on). Only effective when
retrain is not False
. Default is set to train_length=None where it takes all available time steps
up until prediction time, otherwise the moving window strategy is used. If larger than the number of time
steps available, all steps up until prediction time are used, as in default case. Needs to be at least
min_train_series_length.
start (Union
[Timestamp
, float
, int
, None
]) –
Optionally, the first point in time at which a prediction is computed. This parameter supports:
float
, int
, pandas.Timestamp
, and None
.
If a float
, it is the proportion of the time series that should lie before the first prediction point.
If an int
, it is either the index position of the first prediction point for series with a
pd.DatetimeIndex, or the index value for series with a pd.RangeIndex. The latter can be changed to
the index position with start_format=”position”.
If a pandas.Timestamp
, it is the time stamp of the first prediction point.
If None
, the first prediction point will automatically be set to:
the first predictable point if retrain is False
, or retrain is a Callable and the first
predictable point is earlier than the first trainable point.
the first trainable point if retrain is True
or int
(given train_length),
or retrain is a Callable and the first trainable point is earlier than the first predictable point.
the first trainable point (given train_length) otherwise
Note: Raises a ValueError if start yields a time outside the time index of series.
Note: If start is outside the possible historical forecasting times, will ignore the parameter
(default behavior with None
) and start at the first trainable/predictable point.
start_format (Literal
[‘position’, ‘value’]) – Defines the start format. Only effective when start is an integer and series is indexed with a
pd.RangeIndex.
If set to ‘position’, start corresponds to the index position of the first predicted point and can range
from (-len(series), len(series) - 1).
If set to ‘value’, start corresponds to the index value/label of the first predicted point. Will raise
an error if the value is not in series’ index. Default: 'value'
forecast_horizon (int
) – The forecast horizon for the predictions.
stride (int
) – The number of time steps between two consecutive predictions.
retrain (Union
[bool
, int
, Callable
[…, bool
]]) –
Whether and/or on which condition to retrain the model before predicting.
This parameter supports 3 different datatypes: bool
, (positive) int
, and
Callable
(returning a bool
).
In the case of bool
: retrain the model at each step (True), or never retrains the model (False).
In the case of int
: the model is retrained every retrain iterations.
In the case of Callable
: the model is retrained whenever callable returns True.
The callable must have the following positional arguments:
counter (int): current retrain iteration
pred_time (pd.Timestamp or int): timestamp of forecast time (end of the training series)
train_series (TimeSeries): train series up to pred_time
past_covariates (TimeSeries): past_covariates series up to pred_time
future_covariates (TimeSeries): future_covariates series up
to min(pred_time + series.freq * forecast_horizon, series.end_time())
Note: if any optional *_covariates are not passed to historical_forecast, None
will be passed
to the corresponding retrain function argument.
Note: some models do require being retrained every time and do not support anything other
than retrain=True.
overlap_end (bool
) – Whether the returned forecasts can go beyond the series’ end or not.
last_points_only (bool
) – Whether to retain only the last point of each historical forecast.
If set to True, the method returns a single TimeSeries
containing the successive point forecasts.
Otherwise, returns a list of historical TimeSeries
forecasts.
verbose (bool
) – Whether to print progress.
show_warnings (bool
) – Whether to show warnings related to historical forecasts optimization, or parameters start and
train_length.
predict_likelihood_parameters (bool
) – If set to True, the model predict the parameters of its Likelihood parameters instead of the target. Only
supported for probabilistic models with a likelihood, num_samples = 1 and n<=output_chunk_length.
Default: False
enable_optimization (bool
) – Whether to use the optimized version of historical_forecasts when supported and available.
fit_kwargs (Optional
[Dict
[str
, Any
]]) – Additional arguments passed to the model fit() method.
predict_kwargs (Optional
[Dict
[str
, Any
]]) – Additional arguments passed to the model predict() method.
- Returns
If last_points_only is set to True and a single series is provided in input, a single TimeSeries
is returned, which contains the historical forecast at the desired horizon.
A List[TimeSeries]
is returned if either series is a Sequence
of TimeSeries
,
or if last_points_only is set to False. A list of lists is returned if both conditions are met.
In this last case, the outer list is over the series provided in the input sequence,
and the inner lists contain the different historical forecasts.
- Return type
TimeSeries or List[TimeSeries] or List[List[TimeSeries]]
- Parameters
path (Union
[str
, PathLike
, BinaryIO
]) – Path or file handle from which to load the model.
- Return type
ForecastingModel
property min_train_samples: int
The minimum number of samples for training the model.
- Return type
property output_chunk_length: Optional[int]
Number of time steps predicted at once by the model, not defined for statistical models.
- Return type
Optional
[int
]
predict(n, series=None, future_covariates=None, num_samples=1, verbose=False, show_warnings=True, **kwargs)
If the series parameter is not set, forecasts values for n time steps after the end of the training
series. If some future covariates were specified during the training, they must also be specified here.
If the series parameter is set, forecasts values for n time steps after the end of the new target
series. If some future covariates were specified during the training, they must also be specified here.
- Parameters
n (int
) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.
series (Optional
[TimeSeries
]) – Optionally, a new target series whose future values will be predicted. Defaults to None, meaning that the
model will forecast the future value of the training series.
future_covariates (Optional
[TimeSeries
]) –
The time series of future-known covariates which can be fed as input to the model. It must correspond to
the covariate time series that has been used with the fit()
method for training.
If series is not set, it must contain at least the next n time steps/indices after the end of the
training target series. If series is set, it must contain at least the time steps/indices corresponding
to the new target series (historic future covariates), plus the next n time steps/indices after the end.
num_samples (int
) – Number of times a prediction is sampled from a probabilistic model. Should be left set to 1
for deterministic models.
verbose (bool
) – Optionally, set the prediction verbosity. Not effective for all models.
show_warnings (bool
) – Optionally, control whether warnings are shown. Not effective for all models.
- Return type
TimeSeries, a single time series containing the n next points after then end of the training series.
residuals(series, past_covariates=None, future_covariates=None, forecast_horizon=1, retrain=True, verbose=False)
Compute the residuals produced by this model on a (or sequence of) univariate time series.
This function computes the difference between the actual observations from series and the fitted values
vector p obtained by training the model on series. For every index i in series, p[i] is computed
by training the model on series[:(i - forecast_horizon)]
and forecasting forecast_horizon into the future.
(p[i] will be set to the last value of the predicted series.)
The vector of residuals will be shorter than series due to the minimum training series length required by the
model and the gap introduced by forecast_horizon. Most commonly, the term “residuals” implies a value for
forecast_horizon of 1; but this can be configured.
This method works only on univariate series. It uses the median
prediction (when dealing with stochastic forecasts).
- Parameters
series (Union
[TimeSeries
, Sequence
[TimeSeries
]]) – The univariate TimeSeries instance which the residuals will be computed for.
past_covariates (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – One or several past-observed covariate time series.
future_covariates (Union
[TimeSeries
, Sequence
[TimeSeries
], None
]) – One or several future-known covariate time series.
forecast_horizon (int
) – The forecasting horizon used to predict each fitted value.
retrain (bool
) – Whether to train the model at each iteration, for models that support it.
If False, the model is not trained at all. Default: True
verbose (bool
) – Whether to print progress.
- Returns
The vector of residuals.
- Return type
TimeSeries (or Sequence[TimeSeries])
save(path=None, **pkl_kwargs)
Saves the model under a given path or file handle.
Example for saving and loading a RegressionModel
:
from darts.models import RegressionModel
model = RegressionModel(lags=4)
model.save("my_model.pkl")
model_loaded = RegressionModel.load("my_model.pkl")
- Parameters
path (Union
[str
, PathLike
, BinaryIO
, None
]) – Path or file handle under which to save the model at its current state. If no path is specified, the model
is automatically saved under "{ModelClass}_{YYYY-mm-dd_HH_MM_SS}.pkl"
.
E.g., "RegressionModel_2020-01-01_12_00_00.pkl"
.
pkl_kwargs – Keyword arguments passed to pickle.dump()
- Return type
property supports_likelihood_parameter_prediction: bool
Whether model instance supports direct prediction of likelihood parameters
- Return type
property supports_multivariate: bool
Whether the model considers more than one variate in the time series.
- Return type
property supports_optimized_historical_forecasts: bool
Whether the model supports optimized historical forecasts
- Return type
property supports_transferrable_series_prediction: bool
Whether the model supports prediction for any input series.
- Return type
property uses_future_covariates: bool
Whether the model uses future covariates, once fitted.
- Return type
property uses_past_covariates: bool
Whether the model uses past covariates, once fitted.
- Return type
property uses_static_covariates: bool
Whether the model uses static covariates, once fitted.
- Return type