diff --git a/README.html b/README.html index be2257aa1a..f6ec1ef004 100644 --- a/README.html +++ b/README.html @@ -245,7 +245,7 @@

Time Series Made Easy in PythonPyPI version Conda Version Supported versions -Docker Image Version (latest by date) +Docker Image Version (latest by date) GitHub Release Date GitHub Workflow Status Downloads @@ -450,28 +450,28 @@

Forecasting Models

NaiveMean

-

🟩 🟥

+

🟩 🟩

🟥 🟥 🟥

🟥 🟥

🟥

NaiveSeasonal

-

🟩 🟥

+

🟩 🟩

🟥 🟥 🟥

🟥 🟥

🟥

NaiveDrift

-

🟩 🟥

+

🟩 🟩

🟥 🟥 🟥

🟥 🟥

🟥

NaiveMovingAverage

-

🟩 🟥

+

🟩 🟩

🟥 🟥 🟥

🟥 🟥

🟥

@@ -494,7 +494,7 @@

Forecasting Models

AutoARIMA

@@ -553,7 +553,7 @@

Forecasting Models

Prophet (see install notes)

+

Prophet

Prophet repo

🟩 🟥

🟥 🟩 🟥

@@ -609,7 +609,7 @@

Forecasting Models

LightGBMModel,

+

LightGBMModel

🟩 🟩

🟩 🟩 🟩

diff --git a/_images/quickstart_00-quickstart_7_0.png b/_images/quickstart_00-quickstart_7_0.png index 4cd4010982..f59f61c13a 100644 Binary files a/_images/quickstart_00-quickstart_7_0.png and b/_images/quickstart_00-quickstart_7_0.png differ diff --git a/_modules/darts/dataprocessing/transformers/base_data_transformer.html b/_modules/darts/dataprocessing/transformers/base_data_transformer.html index 9d46d121ca..ff217a8774 100644 --- a/_modules/darts/dataprocessing/transformers/base_data_transformer.html +++ b/_modules/darts/dataprocessing/transformers/base_data_transformer.html @@ -244,7 +244,7 @@

Source code for darts.dataprocessing.transformers.base_data_transformer

each parallel job. If `parallel_params` is a `Sequence` of fixed attribute names, only those attribute names specified will take on different values between different parallel jobs. mask_components - Optionally, whether or not to automatically apply any provided `component_mask`s to the + Optionally, whether to automatically apply any provided `component_mask`s to the `TimeSeries` inputs passed to `transform`, `fit`, `inverse_transform`, or `fit_transform`. If `True`, any specified `component_mask` will be applied to each input timeseries before passing them to the called method; the masked components will also be automatically diff --git a/_modules/darts/dataprocessing/transformers/fittable_data_transformer.html b/_modules/darts/dataprocessing/transformers/fittable_data_transformer.html index 15796e6d34..03f3309667 100644 --- a/_modules/darts/dataprocessing/transformers/fittable_data_transformer.html +++ b/_modules/darts/dataprocessing/transformers/fittable_data_transformer.html @@ -223,7 +223,7 @@

Source code for darts.dataprocessing.transformers.fittable_data_transformer< each parallel job. If `parallel_params` is a `Sequence` of fixed attribute names, only those attribute names specified will take on different values between different parallel jobs. mask_components - Optionally, whether or not to automatically apply any provided `component_mask`s to the + Optionally, whether to automatically apply any provided `component_mask`s to the `TimeSeries` inputs passed to `transform`, `fit`, `inverse_transform`, or `fit_transform`. If `True`, any specified `component_mask` will be applied to each input timeseries before passing them to the called method; the masked components will also be automatically diff --git a/_modules/darts/dataprocessing/transformers/invertible_data_transformer.html b/_modules/darts/dataprocessing/transformers/invertible_data_transformer.html index 910aa34c70..c0793b5431 100644 --- a/_modules/darts/dataprocessing/transformers/invertible_data_transformer.html +++ b/_modules/darts/dataprocessing/transformers/invertible_data_transformer.html @@ -232,7 +232,7 @@

Source code for darts.dataprocessing.transformers.invertible_data_transforme each parallel job. If `parallel_params` is a `Sequence` of fixed attribute names, only those attribute names specified will take on different values between different parallel jobs. mask_components - Optionally, whether or not to automatically apply any provided `component_mask`s to the + Optionally, whether to automatically apply any provided `component_mask`s to the `TimeSeries` inputs passed to `transform`, `fit`, `inverse_transform`, or `fit_transform`. If `True`, any specified `component_mask` will be applied to each input timeseries before passing them to the called method; the masked components will also be automatically diff --git a/_modules/darts/metrics/metrics.html b/_modules/darts/metrics/metrics.html index 2cd66a6fe3..49fc7b63ae 100644 --- a/_modules/darts/metrics/metrics.html +++ b/_modules/darts/metrics/metrics.html @@ -351,7 +351,7 @@

Source code for darts.metrics.metrics

     series_b
         A univariate (deterministic or stochastic) ``TimeSeries`` instance (the predicted series).
     intersect
-        A boolean for whether or not to only consider the time intersection between `series_a` and `series_b`
+        A boolean for whether to only consider the time intersection between `series_a` and `series_b`
     stochastic_quantile
         Optionally, for stochastic predicted series, return either all sample values with (`stochastic_quantile=None`)
         or any deterministic quantile sample values by setting `stochastic_quantile=quantile` {>=0,<=1}.
diff --git a/_modules/darts/models/forecasting/baselines.html b/_modules/darts/models/forecasting/baselines.html
index 7ef64eeb50..d22d5bb04a 100644
--- a/_modules/darts/models/forecasting/baselines.html
+++ b/_modules/darts/models/forecasting/baselines.html
@@ -228,6 +228,7 @@ 

Source code for darts.models.forecasting.baselines

n: int, num_samples: int = 1, verbose: bool = False, + show_warnings: bool = True, ): super().predict(n, num_samples) forecast = np.tile(self.mean_val, (n, 1)) @@ -292,6 +293,7 @@

Source code for darts.models.forecasting.baselines

n: int, num_samples: int = 1, verbose: bool = False, + show_warnings: bool = True, ): super().predict(n, num_samples) forecast = np.array([self.last_k_vals[i % self.K, :] for i in range(n)]) @@ -341,6 +343,7 @@

Source code for darts.models.forecasting.baselines

n: int, num_samples: int = 1, verbose: bool = False, + show_warnings: bool = True, ): super().predict(n, num_samples) first, last = ( @@ -411,6 +414,7 @@

Source code for darts.models.forecasting.baselines

n: int, num_samples: int = 1, verbose: bool = False, + show_warnings: bool = True, ): super().predict(n, num_samples) diff --git a/_modules/darts/models/forecasting/block_rnn_model.html b/_modules/darts/models/forecasting/block_rnn_model.html index 48214afaad..47ca6d5a6d 100644 --- a/_modules/darts/models/forecasting/block_rnn_model.html +++ b/_modules/darts/models/forecasting/block_rnn_model.html @@ -170,12 +170,14 @@

Source code for darts.models.forecasting.block_rnn_model

------------------------------- """ -from typing import List, Optional, Tuple, Union +import inspect +from abc import ABC, abstractmethod +from typing import List, Optional, Tuple, Type, Union import torch import torch.nn as nn -from darts.logging import get_logger, raise_if_not +from darts.logging import get_logger, raise_log from darts.models.forecasting.pl_forecasting_module import ( PLPastCovariatesModule, io_processor, @@ -185,11 +187,9 @@

Source code for darts.models.forecasting.block_rnn_model

logger = get_logger(__name__) -# TODO add batch norm -class _BlockRNNModule(PLPastCovariatesModule): +
[docs]class CustomBlockRNNModule(PLPastCovariatesModule, ABC): def __init__( self, - name: str, input_size: int, hidden_dim: int, num_layers: int, @@ -199,24 +199,22 @@

Source code for darts.models.forecasting.block_rnn_model

dropout: float = 0.0, **kwargs, ): + """This class allows to create custom block RNN modules that can later be used with Darts' + :class:`BlockRNNModel`. It adds the backbone that is required to be used with Darts' + :class:`TorchForecastingModel` and :class:`BlockRNNModel`. - """PyTorch module implementing a block RNN to be used in `BlockRNNModel`. + To create a new module, subclass from :class:`CustomBlockRNNModule` and: - PyTorch module implementing a simple block RNN with the specified `name` layer. - This module combines a PyTorch RNN module, together with a fully connected network, which maps the - last hidden layers to output of the desired size `output_chunk_length` and makes it compatible with - `BlockRNNModel`s. + * Define the architecture in the module constructor (`__init__()`) - This module uses an RNN to encode the input sequence, and subsequently uses a fully connected - network as the decoder which takes as input the last hidden state of the encoder RNN. - The final output of the decoder is a sequence of length `output_chunk_length`. In this sense, - the `_BlockRNNModule` produces 'blocks' of forecasts at a time (which is different - from `_RNNModule` used by the `RNNModel`). + * Add the `forward()` method and define the logic of your module's forward pass + + * Use the custom module class when creating a new :class:`BlockRNNModel` with parameter `model`. + + You can use `darts.models.forecasting.block_rnn_model._BlockRNNModule` as an example. Parameters ---------- - name - The name of the specific PyTorch RNN module ("RNN", "GRU" or "LSTM"). input_size The dimensionality of the input time series. hidden_dim @@ -234,6 +232,67 @@

Source code for darts.models.forecasting.block_rnn_model

The fraction of neurons that are dropped in all-but-last RNN layers. **kwargs all parameters required for :class:`darts.model.forecasting_models.PLForecastingModule` base class. + """ + super().__init__(**kwargs) + + # Defining parameters + self.input_size = input_size + self.hidden_dim = hidden_dim + self.num_layers = num_layers + self.target_size = target_size + self.nr_params = nr_params + self.num_layers_out_fc = [] if num_layers_out_fc is None else num_layers_out_fc + self.dropout = dropout + self.out_len = self.output_chunk_length + +
[docs] @io_processor + @abstractmethod + def forward(self, x_in: Tuple) -> torch.Tensor: + """BlockRNN Module forward. + + Parameters + ---------- + x_in + Tuple of Tensors containing the features of the input sequence. The tuple has elements + (past target, historic future covariates, future covariates, static covariates). + The shape of the past target is `(batch_size, input_length, input_size)`. + + Returns + ------- + torch.Tensor + The BlockRNN output Tensor with shape `(batch_size, output_chunk_length, target_size, nr_params)`. + It contains the prediction at the last time step of the sequence. + """ + pass
+ + +# TODO add batch norm +class _BlockRNNModule(CustomBlockRNNModule): + def __init__( + self, + name: str, + **kwargs, + ): + + """PyTorch module implementing a block RNN to be used in `BlockRNNModel`. + + PyTorch module implementing a simple block RNN with the specified `name` layer. + This module combines a PyTorch RNN module, together with a fully connected network, which maps the + last hidden layers to output of the desired size `output_chunk_length` and makes it compatible with + `BlockRNNModel`s. + + This module uses an RNN to encode the input sequence, and subsequently uses a fully connected + network as the decoder which takes as input the last hidden state of the encoder RNN. + The final output of the decoder is a sequence of length `output_chunk_length`. In this sense, + the `_BlockRNNModule` produces 'blocks' of forecasts at a time (which is different + from `_RNNModule` used by the `RNNModel`). + + Parameters + ---------- + name + The name of the specific PyTorch RNN module ("RNN", "GRU" or "LSTM"). + **kwargs + all parameters required for the :class:`darts.model.forecasting_models.CustomBlockRNNModule` base class. Inputs ------ @@ -248,25 +307,24 @@

Source code for darts.models.forecasting.block_rnn_model

super().__init__(**kwargs) - # Defining parameters - self.hidden_dim = hidden_dim - self.n_layers = num_layers - self.target_size = target_size - self.nr_params = nr_params - num_layers_out_fc = [] if num_layers_out_fc is None else num_layers_out_fc - self.out_len = self.output_chunk_length self.name = name # Defining the RNN module - self.rnn = getattr(nn, name)( - input_size, hidden_dim, num_layers, batch_first=True, dropout=dropout + self.rnn = getattr(nn, self.name)( + self.input_size, + self.hidden_dim, + self.num_layers, + batch_first=True, + dropout=self.dropout, ) # The RNN module is followed by a fully connected layer, which maps the last hidden layer # to the output of desired length - last = hidden_dim + last = self.hidden_dim feats = [] - for feature in num_layers_out_fc + [self.out_len * target_size * nr_params]: + for feature in self.num_layers_out_fc + [ + self.out_len * self.target_size * self.nr_params + ]: feats.append(nn.Linear(last, feature)) last = feature self.fc = nn.Sequential(*feats) @@ -298,7 +356,7 @@

Source code for darts.models.forecasting.block_rnn_model

self, input_chunk_length: int, output_chunk_length: int, - model: Union[str, nn.Module] = "RNN", + model: Union[str, Type[CustomBlockRNNModule]] = "RNN", hidden_dim: int = 25, n_rnn_layers: int = 1, hidden_fc_sizes: Optional[List] = None, @@ -335,9 +393,8 @@

Source code for darts.models.forecasting.block_rnn_model

the model from using future values of past and / or future covariates for prediction (depending on the model's covariate support). model - Either a string specifying the RNN module type ("RNN", "LSTM" or "GRU"), - or a PyTorch module with the same specifications as - :class:`darts.models.block_rnn_model._BlockRNNModule`. + Either a string specifying the RNN module type ("RNN", "LSTM" or "GRU"), or a subclass of + :class:`CustomBlockRNNModule` (the class itself, not an object of the class) with a custom logic. hidden_dim Size for feature maps for each hidden RNN layer (:math:`h_n`). In Darts version <= 0.21, hidden_dim was referred as hidden_size. @@ -398,7 +455,7 @@

Source code for darts.models.forecasting.block_rnn_model

If set to ``True``, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: ``False``. save_checkpoints - Whether or not to automatically save the untrained model and checkpoints from training. + Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call :func:`MyModelClass.load_from_checkpoint()`, where :class:`MyModelClass` is the :class:`TorchForecastingModel` class that was used (such as :class:`TFTModel`, :class:`NBEATSModel`, etc.). If set to ``False``, the model can still be manually saved using @@ -443,7 +500,6 @@

Source code for darts.models.forecasting.block_rnn_model

"devices", and "auto_select_gpus"``. Some examples for setting the devices inside the ``pl_trainer_kwargs`` dict: - - ``{"accelerator": "cpu"}`` for CPU, - ``{"accelerator": "gpu", "devices": [i]}`` to use only GPU ``i`` (``i`` must be an integer), - ``{"accelerator": "gpu", "devices": -1, "auto_select_gpus": True}`` to use all available GPUS. @@ -524,14 +580,16 @@

Source code for darts.models.forecasting.block_rnn_model

# check we got right model type specified: if model not in ["RNN", "LSTM", "GRU"]: - raise_if_not( - isinstance(model, nn.Module), - '{} is not a valid RNN model.\n Please specify "RNN", "LSTM", ' - '"GRU", or give your own PyTorch nn.Module'.format( - model.__class__.__name__ - ), - logger, - ) + if not inspect.isclass(model) or not issubclass( + model, CustomBlockRNNModule + ): + raise_log( + ValueError( + "`model` is not a valid RNN model. Please specify 'RNN', 'LSTM', 'GRU', or give a subclass " + "(not an instance) of darts.models.forecasting.rnn_model.CustomBlockRNNModule." + ), + logger=logger, + ) self.rnn_type_or_module = model self.hidden_fc_sizes = hidden_fc_sizes @@ -551,24 +609,25 @@

Source code for darts.models.forecasting.block_rnn_model

output_dim = train_sample[-1].shape[1] nr_params = 1 if self.likelihood is None else self.likelihood.num_parameters - if self.rnn_type_or_module in ["RNN", "LSTM", "GRU"]: - hidden_fc_sizes = ( - [] if self.hidden_fc_sizes is None else self.hidden_fc_sizes - ) - model = _BlockRNNModule( - name=self.rnn_type_or_module, - input_size=input_dim, - target_size=output_dim, - nr_params=nr_params, - hidden_dim=self.hidden_dim, - num_layers=self.n_rnn_layers, - num_layers_out_fc=hidden_fc_sizes, - dropout=self.dropout, - **self.pl_module_params, - ) + hidden_fc_sizes = [] if self.hidden_fc_sizes is None else self.hidden_fc_sizes + + kwargs = {} + if isinstance(self.rnn_type_or_module, str): + model_cls = _BlockRNNModule + kwargs["name"] = self.rnn_type_or_module else: - model = self.rnn_type_or_module - return model
+ model_cls = self.rnn_type_or_module + return model_cls( + input_size=input_dim, + target_size=output_dim, + nr_params=nr_params, + hidden_dim=self.hidden_dim, + num_layers=self.n_rnn_layers, + num_layers_out_fc=hidden_fc_sizes, + dropout=self.dropout, + **self.pl_module_params, + **kwargs, + )
diff --git a/_modules/darts/models/forecasting/dlinear.html b/_modules/darts/models/forecasting/dlinear.html index aa759fd33a..52ee986fb4 100644 --- a/_modules/darts/models/forecasting/dlinear.html +++ b/_modules/darts/models/forecasting/dlinear.html @@ -495,7 +495,7 @@

Source code for darts.models.forecasting.dlinear

If set to ``True``, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: ``False``. save_checkpoints - Whether or not to automatically save the untrained model and checkpoints from training. + Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call :func:`MyModelClass.load_from_checkpoint()`, where :class:`MyModelClass` is the :class:`TorchForecastingModel` class that was used (such as :class:`TFTModel`, :class:`NBEATSModel`, etc.). If set to ``False``, the model can still be manually saved using @@ -540,7 +540,6 @@

Source code for darts.models.forecasting.dlinear

"devices", and "auto_select_gpus"``. Some examples for setting the devices inside the ``pl_trainer_kwargs`` dict: - - ``{"accelerator": "cpu"}`` for CPU, - ``{"accelerator": "gpu", "devices": [i]}`` to use only GPU ``i`` (``i`` must be an integer), - ``{"accelerator": "gpu", "devices": -1, "auto_select_gpus": True}`` to use all available GPUS. diff --git a/_modules/darts/models/forecasting/exponential_smoothing.html b/_modules/darts/models/forecasting/exponential_smoothing.html index 4ff069e25c..46e2dd2450 100644 --- a/_modules/darts/models/forecasting/exponential_smoothing.html +++ b/_modules/darts/models/forecasting/exponential_smoothing.html @@ -304,7 +304,13 @@

Source code for darts.models.forecasting.exponential_smoothing

return self
-
[docs] def predict(self, n, num_samples=1, verbose: bool = False): +
[docs] def predict( + self, + n: int, + num_samples: int = 1, + verbose: bool = False, + show_warnings: bool = True, + ): super().predict(n, num_samples) if num_samples == 1: diff --git a/_modules/darts/models/forecasting/fft.html b/_modules/darts/models/forecasting/fft.html index 62d38d793e..68adb80184 100644 --- a/_modules/darts/models/forecasting/fft.html +++ b/_modules/darts/models/forecasting/fft.html @@ -533,7 +533,13 @@

Source code for darts.models.forecasting.fft

return self
-
[docs] def predict(self, n: int, num_samples: int = 1, verbose: bool = False): +
[docs] def predict( + self, + n: int, + num_samples: int = 1, + verbose: bool = False, + show_warnings: bool = True, + ): super().predict(n, num_samples) trend_forecast = np.array( [self.trend_function(i + len(self.training_series)) for i in range(n)] diff --git a/_modules/darts/models/forecasting/forecasting_model.html b/_modules/darts/models/forecasting/forecasting_model.html index 25cb9c301a..158824f99a 100644 --- a/_modules/darts/models/forecasting/forecasting_model.html +++ b/_modules/darts/models/forecasting/forecasting_model.html @@ -402,6 +402,14 @@

Source code for darts.models.forecasting.forecasting_model

""" return getattr(self, "likelihood", None) is not None + @property + @abstractmethod + def supports_transferrable_series_prediction(self) -> bool: + """ + Whether the model supports prediction for any input `series`. + """ + pass + @property def uses_past_covariates(self) -> bool: """ @@ -445,7 +453,13 @@

Source code for darts.models.forecasting.forecasting_model

return None @abstractmethod - def predict(self, n: int, num_samples: int = 1) -> TimeSeries: + def predict( + self, + n: int, + num_samples: int = 1, + verbose: bool = False, + show_warnings: bool = True, + ) -> TimeSeries: """Forecasts values for `n` time steps after the end of the training series. Parameters @@ -455,6 +469,10 @@

Source code for darts.models.forecasting.forecasting_model

num_samples Number of times a prediction is sampled from a probabilistic model. Should be left set to 1 for deterministic models. + verbose + Optionally, set the prediction verbosity. Not effective for all models. + show_warnings + Optionally, control whether warnings are shown. Not effective for all models. Returns ------- @@ -482,49 +500,59 @@

Source code for darts.models.forecasting.forecasting_model

def _fit_wrapper( self, series: TimeSeries, - past_covariates: Optional[TimeSeries], - future_covariates: Optional[TimeSeries], + past_covariates: Optional[TimeSeries] = None, + future_covariates: Optional[TimeSeries] = None, **kwargs, ): - supported_params = inspect.signature(self.fit).parameters - kwargs_ = {k: v for k, v in kwargs.items() if k in supported_params} - + add_kwargs = {} # handle past and future covariates based on model support - for covs, name in zip([past_covariates, future_covariates], ["past", "future"]): - covs_name = f"{name}_covariates" + for covs, covs_name in zip( + [past_covariates, future_covariates], + ["past_covariates", "future_covariates"], + ): if getattr(self, f"supports_{covs_name}"): - kwargs_[covs_name] = covs + add_kwargs[covs_name] = covs elif covs is not None: raise_log( ValueError(f"Model cannot be fit/trained with `{covs_name}`."), logger, ) - self.fit(series, **kwargs_) + self.fit(series=series, **add_kwargs, **kwargs) def _predict_wrapper( self, n: int, + series: Optional[TimeSeries] = None, + past_covariates: Optional[TimeSeries] = None, + future_covariates: Optional[TimeSeries] = None, + predict_likelihood_parameters: bool = False, **kwargs, ) -> Union[TimeSeries, Sequence[TimeSeries]]: - supported_params = set(inspect.signature(self.predict).parameters) - - # if predict() accepts covariates, the model might not support them at inference - for covs_name in ["past_covariates", "future_covariates"]: - if covs_name in kwargs and not getattr(self, f"supports_{covs_name}"): - if kwargs[covs_name] is None: - supported_params = supported_params - {covs_name} - else: - raise_log( - ValueError( - f"Model prediction does not support `{covs_name}`, either because it " - f"does not support `{covs_name}` in general, or because it was fit/trained " - f"without using `{covs_name}`." - ), - logger, - ) + add_kwargs = {} + # not all models supports input `series` at inference + if self.supports_transferrable_series_prediction: + add_kwargs["series"] = series + + # even if predict() accepts covariates, the model might not support them at inference + for covs, name in zip( + [past_covariates, future_covariates], + ["past_covariates", "future_covariates"], + ): + if getattr(self, f"supports_{name}"): + add_kwargs[name] = covs + elif covs is not None: + raise_log( + ValueError( + f"Model prediction does not support `{name}`, either because it " + f"does not support `{name}` in general, or because it was fit/trained " + f"without using `{name}`." + ), + logger, + ) - kwargs_ = {k: v for k, v in kwargs.items() if k in supported_params} - return self.predict(n, **kwargs_) + if self.supports_likelihood_parameter_prediction: + add_kwargs["predict_likelihood_parameters"] = predict_likelihood_parameters + return self.predict(n=n, **add_kwargs, **kwargs) @property def min_train_series_length(self) -> int: @@ -2266,6 +2294,13 @@

Source code for darts.models.forecasting.forecasting_model

# that use an input to predict an output. return -self.min_train_series_length, -1, None, None, None, None + @property + def supports_transferrable_series_prediction(self) -> bool: + """ + Whether the model supports prediction for any input `series`. + """ + return False + class GlobalForecastingModel(ForecastingModel, ABC): """The base class for "global" forecasting models, handling several time series and optional covariates. @@ -2478,6 +2513,13 @@

Source code for darts.models.forecasting.forecasting_model

def supports_optimized_historical_forecasts(self) -> bool: """ Whether the model supports optimized historical forecasts + """ + return True + + @property + def supports_transferrable_series_prediction(self) -> bool: + """ + Whether the model supports prediction for any input `series`. """ return True @@ -2587,6 +2629,8 @@

Source code for darts.models.forecasting.forecasting_model

n: int, future_covariates: Optional[TimeSeries] = None, num_samples: int = 1, + verbose: bool = False, + show_warnings: bool = True, **kwargs, ) -> TimeSeries: """Forecasts values for `n` time steps after the end of the training series. @@ -2604,6 +2648,10 @@

Source code for darts.models.forecasting.forecasting_model

num_samples Number of times a prediction is sampled from a probabilistic model. Should be left set to 1 for deterministic models. + verbose + Optionally, set the prediction verbosity. Not effective for all models. + show_warnings + Optionally, control whether warnings are shown. Not effective for all models. Returns ------- @@ -2747,6 +2795,8 @@

Source code for darts.models.forecasting.forecasting_model

series: Optional[TimeSeries] = None, future_covariates: Optional[TimeSeries] = None, num_samples: int = 1, + verbose: bool = False, + show_warnings: bool = True, **kwargs, ) -> TimeSeries: """If the `series` parameter is not set, forecasts values for `n` time steps after the end of the training @@ -2772,6 +2822,10 @@

Source code for darts.models.forecasting.forecasting_model

num_samples Number of times a prediction is sampled from a probabilistic model. Should be left set to 1 for deterministic models. + verbose + Optionally, set the prediction verbosity. Not effective for all models. + show_warnings + Optionally, control whether warnings are shown. Not effective for all models. Returns ------- @@ -2866,6 +2920,13 @@

Source code for darts.models.forecasting.forecasting_model

""" pass + @property + def supports_transferrable_series_prediction(self) -> bool: + """ + Whether the model supports prediction for any input `series`. + """ + return True + @property def _supports_non_retrainable_historical_forecasts(self) -> bool: return True diff --git a/_modules/darts/models/forecasting/kalman_forecaster.html b/_modules/darts/models/forecasting/kalman_forecaster.html index e4ac4c5247..5dfc0157f6 100644 --- a/_modules/darts/models/forecasting/kalman_forecaster.html +++ b/_modules/darts/models/forecasting/kalman_forecaster.html @@ -291,6 +291,8 @@

Source code for darts.models.forecasting.kalman_forecaster

series: Optional[TimeSeries] = None, future_covariates: Optional[TimeSeries] = None, num_samples: int = 1, + verbose: bool = False, + show_warnings: bool = True, **kwargs, ) -> TimeSeries: # we override `predict()` to pass a non-None `series`, so that historic_future_covariates diff --git a/_modules/darts/models/forecasting/nbeats.html b/_modules/darts/models/forecasting/nbeats.html index 92242a18e9..b7ae872e8f 100644 --- a/_modules/darts/models/forecasting/nbeats.html +++ b/_modules/darts/models/forecasting/nbeats.html @@ -820,7 +820,7 @@

Source code for darts.models.forecasting.nbeats

< If set to ``True``, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: ``False``. save_checkpoints - Whether or not to automatically save the untrained model and checkpoints from training. + Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call :func:`MyModelClass.load_from_checkpoint()`, where :class:`MyModelClass` is the :class:`TorchForecastingModel` class that was used (such as :class:`TFTModel`, :class:`NBEATSModel`, etc.). If set to ``False``, the model can still be manually saved using @@ -865,7 +865,6 @@

Source code for darts.models.forecasting.nbeats

< "devices", and "auto_select_gpus"``. Some examples for setting the devices inside the ``pl_trainer_kwargs`` dict: - - ``{"accelerator": "cpu"}`` for CPU, - ``{"accelerator": "gpu", "devices": [i]}`` to use only GPU ``i`` (``i`` must be an integer), - ``{"accelerator": "gpu", "devices": -1, "auto_select_gpus": True}`` to use all available GPUS. diff --git a/_modules/darts/models/forecasting/nhits.html b/_modules/darts/models/forecasting/nhits.html index 1254519e79..1d61656453 100644 --- a/_modules/darts/models/forecasting/nhits.html +++ b/_modules/darts/models/forecasting/nhits.html @@ -756,7 +756,7 @@

Source code for darts.models.forecasting.nhits

If set to ``True``, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: ``False``. save_checkpoints - Whether or not to automatically save the untrained model and checkpoints from training. + Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call :func:`MyModelClass.load_from_checkpoint()`, where :class:`MyModelClass` is the :class:`TorchForecastingModel` class that was used (such as :class:`TFTModel`, :class:`NBEATSModel`, etc.). If set to ``False``, the model can still be manually saved using @@ -801,7 +801,6 @@

Source code for darts.models.forecasting.nhits

"devices", and "auto_select_gpus"``. Some examples for setting the devices inside the ``pl_trainer_kwargs`` dict: - - ``{"accelerator": "cpu"}`` for CPU, - ``{"accelerator": "gpu", "devices": [i]}`` to use only GPU ``i`` (``i`` must be an integer), - ``{"accelerator": "gpu", "devices": -1, "auto_select_gpus": True}`` to use all available GPUS. diff --git a/_modules/darts/models/forecasting/nlinear.html b/_modules/darts/models/forecasting/nlinear.html index b2af9f47d0..e58f868276 100644 --- a/_modules/darts/models/forecasting/nlinear.html +++ b/_modules/darts/models/forecasting/nlinear.html @@ -449,7 +449,7 @@

Source code for darts.models.forecasting.nlinear

If set to ``True``, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: ``False``. save_checkpoints - Whether or not to automatically save the untrained model and checkpoints from training. + Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call :func:`MyModelClass.load_from_checkpoint()`, where :class:`MyModelClass` is the :class:`TorchForecastingModel` class that was used (such as :class:`TFTModel`, :class:`NBEATSModel`, etc.). If set to ``False``, the model can still be manually saved using diff --git a/_modules/darts/models/forecasting/pl_forecasting_module.html b/_modules/darts/models/forecasting/pl_forecasting_module.html index 4acd5c184c..4fe26f9b3b 100644 --- a/_modules/darts/models/forecasting/pl_forecasting_module.html +++ b/_modules/darts/models/forecasting/pl_forecasting_module.html @@ -170,6 +170,7 @@

Source code for darts.models.forecasting.pl_forecasting_module

""" from abc import ABC, abstractmethod +from functools import wraps from typing import Any, Dict, Optional, Sequence, Tuple, Union import pytorch_lightning as pl @@ -209,6 +210,7 @@

Source code for darts.models.forecasting.pl_forecasting_module

normalizes batch input target features, and inverse transform the forward output back to the original scale """ + @wraps(forward) def forward_wrapper(self, *args, **kwargs): if not self.use_reversible_instance_norm: return forward(self, *args, **kwargs) diff --git a/_modules/darts/models/forecasting/regression_model.html b/_modules/darts/models/forecasting/regression_model.html index a8aaaabafe..c6bfd095b2 100644 --- a/_modules/darts/models/forecasting/regression_model.html +++ b/_modules/darts/models/forecasting/regression_model.html @@ -939,6 +939,8 @@

Source code for darts.models.forecasting.regression_model

**kwargs : dict, optional Additional keyword arguments passed to the `predict` method of the model. Only works with univariate target series. + show_warnings + Optionally, control whether warnings are shown. Not effective for all models. """ if series is None: # then there must be a single TS, and that was saved in super().fit as self.training_series diff --git a/_modules/darts/models/forecasting/rnn_model.html b/_modules/darts/models/forecasting/rnn_model.html index 7ebf23f407..5e138ac751 100644 --- a/_modules/darts/models/forecasting/rnn_model.html +++ b/_modules/darts/models/forecasting/rnn_model.html @@ -170,12 +170,14 @@

Source code for darts.models.forecasting.rnn_model

------------------------- """ -from typing import Optional, Sequence, Tuple, Union +import inspect +from abc import ABC, abstractmethod +from typing import Optional, Sequence, Tuple, Type, Union import torch import torch.nn as nn -from darts.logging import get_logger, raise_if_not +from darts.logging import get_logger, raise_if_not, raise_log from darts.models.forecasting.pl_forecasting_module import ( PLDualCovariatesModule, io_processor, @@ -187,11 +189,9 @@

Source code for darts.models.forecasting.rnn_model

logger = get_logger(__name__) -# TODO add batch norm -class _RNNModule(PLDualCovariatesModule): +
[docs]class CustomRNNModule(PLDualCovariatesModule, ABC): def __init__( self, - name: str, input_size: int, hidden_dim: int, num_layers: int, @@ -200,18 +200,22 @@

Source code for darts.models.forecasting.rnn_model

dropout: float = 0.0, **kwargs, ): + """This class allows to create custom RNN modules that can later be used with Darts' :class:`RNNModel`. + It adds the backbone that is required to be used with Darts' :class:`TorchForecastingModel` and + :class:`RNNModel`. - """PyTorch module implementing an RNN to be used in `RNNModel`. + To create a new module, subclass from :class:`CustomRNNModule` and: - PyTorch module implementing a simple RNN with the specified `name` type. - This module combines a PyTorch RNN module, together with one fully connected layer which - maps the hidden state of the RNN at each step to the output value of the model at that - time step. + * Define the architecture in the module constructor (`__init__()`) + + * Add the `forward()` method and define the logic of your module's forward pass + + * Use the custom module class when creating a new :class:`RNNModel` with parameter `model`. + + You can use `darts.models.forecasting.rnn_model._RNNModule` as an example. Parameters ---------- - name - The name of the specific PyTorch RNN module ("RNN", "GRU" or "LSTM"). input_size The dimensionality of the input time series. hidden_dim @@ -226,55 +230,43 @@

Source code for darts.models.forecasting.rnn_model

The fraction of neurons that are dropped in all-but-last RNN layers. **kwargs all parameters required for :class:`darts.model.forecasting_models.PLForecastingModule` base class. - - Inputs - ------ - x of shape `(batch_size, input_length, input_size)` - Tensor containing the features of the input sequence. The `input_length` is not fixed. - - Outputs - ------- - y of shape `(batch_size, output_chunk_length, target_size, nr_params)` - Tensor containing the outputs of the RNN at every time step of the input sequence. - During training the whole tensor is used as output, whereas during prediction we only use y[:, -1, :]. - However, this module always returns the whole Tensor. """ - # RNNModule doesn't really need input and output_chunk_length for PLModule super().__init__(**kwargs) # Defining parameters + self.input_size = input_size + self.hidden_dim = hidden_dim + self.num_layers = num_layers self.target_size = target_size self.nr_params = nr_params - self.name = name - - # Defining the RNN module - self.rnn = getattr(nn, name)( - input_size, hidden_dim, num_layers, batch_first=True, dropout=dropout - ) - - # The RNN module needs a linear layer V that transforms hidden states into outputs, individually - self.V = nn.Linear(hidden_dim, target_size * nr_params) + self.dropout = dropout - @io_processor +
[docs] @io_processor + @abstractmethod def forward( self, x_in: Tuple, h: Optional[torch.Tensor] = None ) -> Tuple[torch.Tensor, torch.Tensor]: - x, _ = x_in - # data is of size (batch_size, input_length, input_size) - batch_size = x.shape[0] - - # out is of size (batch_size, input_length, hidden_dim) - out, last_hidden_state = self.rnn(x) if h is None else self.rnn(x, h) - - # Here, we apply the V matrix to every hidden state to produce the outputs - predictions = self.V(out) - - # predictions is of size (batch_size, input_length, target_size) - predictions = predictions.view(batch_size, -1, self.target_size, self.nr_params) + """RNN Module forward. - # returns outputs for all inputs, only the last one is needed for prediction time - return predictions, last_hidden_state + Parameters + ---------- + x_in + Tuple of Tensors containing the features of the input sequence. The tuple has elements (past target, + historic future covariates, future covariates, static covariates). The shape of the past target is + `(batch_size, input_length, input_size)`. + h + Optionally, the hidden state. + + Returns + ------- + Tuple[torch.Tensor, torch.Tensor] + Tuple of Tensors with elements (RNN output, hidden state). The RNN output Tensor has shape + `(batch_size, output_chunk_length, target_size, nr_params)`. It contains the outputs at every + time step of the input sequence. During training the whole tensor is used as output, whereas during + prediction we only use y[:, -1, :]. However, this module always returns the whole Tensor. + """ + pass
def _produce_train_output(self, input_batch: Tuple) -> torch.Tensor: ( @@ -368,14 +360,85 @@

Source code for darts.models.forecasting.rnn_model

# bring predictions into desired format and drop unnecessary values batch_prediction = torch.cat(batch_prediction, dim=1) batch_prediction = batch_prediction[:, :n, :] - return batch_prediction + return batch_prediction
+ + +# TODO add batch norm +class _RNNModule(CustomRNNModule): + def __init__( + self, + name: str, + **kwargs, + ): + """PyTorch module implementing an RNN to be used in `RNNModel`. + + PyTorch module implementing a simple RNN with the specified `name` type. + This module combines a PyTorch RNN module, together with one fully connected layer which + maps the hidden state of the RNN at each step to the output value of the model at that + time step. + + Parameters + ---------- + name + The name of the specific PyTorch RNN module ("RNN", "GRU" or "LSTM"). + **kwargs + all parameters required for the :class:`darts.model.forecasting_models.CustomRNNModule` base class. + + Inputs + ------ + x of shape `(batch_size, input_length, input_size)` + Tensor containing the features of the input sequence. The `input_length` is not fixed. + + Outputs + ------- + y of shape `(batch_size, output_chunk_length, target_size, nr_params)` + Tensor containing the outputs of the RNN at every time step of the input sequence. + During training the whole tensor is used as output, whereas during prediction we only use y[:, -1, :]. + However, this module always returns the whole Tensor. + """ + + # RNNModule doesn't really need input and output_chunk_length for PLModule + super().__init__(**kwargs) + self.name = name + + # Defining the RNN module + self.rnn = getattr(nn, name)( + self.input_size, + self.hidden_dim, + self.num_layers, + batch_first=True, + dropout=self.dropout, + ) + + # The RNN module needs a linear layer V that transforms hidden states into outputs, individually + self.V = nn.Linear(self.hidden_dim, self.target_size * self.nr_params) + + @io_processor + def forward( + self, x_in: Tuple, h: Optional[torch.Tensor] = None + ) -> Tuple[torch.Tensor, torch.Tensor]: + x, _ = x_in + # data is of size (batch_size, input_length, input_size) + batch_size = x.shape[0] + + # out is of size (batch_size, input_length, hidden_dim) + out, last_hidden_state = self.rnn(x) if h is None else self.rnn(x, h) + + # Here, we apply the V matrix to every hidden state to produce the outputs + predictions = self.V(out) + + # predictions is of size (batch_size, input_length, target_size) + predictions = predictions.view(batch_size, -1, self.target_size, self.nr_params) + + # returns outputs for all inputs, only the last one is needed for prediction time + return predictions, last_hidden_state
[docs]class RNNModel(DualCovariatesTorchModel): def __init__( self, input_chunk_length: int, - model: Union[str, nn.Module] = "RNN", + model: Union[str, Type[CustomRNNModule]] = "RNN", hidden_dim: int = 25, n_rnn_layers: int = 1, dropout: float = 0.0, @@ -413,9 +476,8 @@

Source code for darts.models.forecasting.rnn_model

input_chunk_length Number of past time steps that are fed to the forecasting module at prediction time. model - Either a string specifying the RNN module type ("RNN", "LSTM" or "GRU"), - or a PyTorch module with the same specifications as - `darts.models.rnn_model._RNNModule`. + Either a string specifying the RNN module type ("RNN", "LSTM" or "GRU"), or a subclass of + :class:`CustomRNNModule` (the class itself, not an object of the class) with a custom logic. hidden_dim Size for feature maps for each hidden RNN layer (:math:`h_n`). n_rnn_layers @@ -475,7 +537,7 @@

Source code for darts.models.forecasting.rnn_model

If set to ``True``, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: ``False``. save_checkpoints - Whether or not to automatically save the untrained model and checkpoints from training. + Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call :func:`MyModelClass.load_from_checkpoint()`, where :class:`MyModelClass` is the :class:`TorchForecastingModel` class that was used (such as :class:`TFTModel`, :class:`NBEATSModel`, etc.). If set to ``False``, the model can still be manually saved using @@ -520,7 +582,6 @@

Source code for darts.models.forecasting.rnn_model

"devices", and "auto_select_gpus"``. Some examples for setting the devices inside the ``pl_trainer_kwargs`` dict: - - ``{"accelerator": "cpu"}`` for CPU, - ``{"accelerator": "gpu", "devices": [i]}`` to use only GPU ``i`` (``i`` must be an integer), - ``{"accelerator": "gpu", "devices": -1, "auto_select_gpus": True}`` to use all available GPUS. @@ -609,14 +670,14 @@

Source code for darts.models.forecasting.rnn_model

# check we got right model type specified: if model not in ["RNN", "LSTM", "GRU"]: - raise_if_not( - isinstance(model, nn.Module), - '{} is not a valid RNN model.\n Please specify "RNN", "LSTM", ' - '"GRU", or give your own PyTorch nn.Module'.format( - model.__class__.__name__ - ), - logger, - ) + if not inspect.isclass(model) or not issubclass(model, CustomRNNModule): + raise_log( + ValueError( + "`model` is not a valid RNN model. Please specify 'RNN', 'LSTM', 'GRU', or give a subclass " + "(not an instance) of darts.models.forecasting.rnn_model.CustomRNNModule." + ), + logger=logger, + ) self.rnn_type_or_module = model self.dropout = dropout @@ -633,29 +694,22 @@

Source code for darts.models.forecasting.rnn_model

output_dim = train_sample[-1].shape[1] nr_params = 1 if self.likelihood is None else self.likelihood.num_parameters - if self.rnn_type_or_module in ["RNN", "LSTM", "GRU"]: - model = _RNNModule( - name=self.rnn_type_or_module, - input_size=input_dim, - target_size=output_dim, - nr_params=nr_params, - hidden_dim=self.hidden_dim, - dropout=self.dropout, - num_layers=self.n_rnn_layers, - **self.pl_module_params, - ) + kwargs = {} + if isinstance(self.rnn_type_or_module, str): + model_cls = _RNNModule + kwargs["name"] = self.rnn_type_or_module else: - model = self.rnn_type_or_module( - name="custom_module", - input_size=input_dim, - target_size=output_dim, - nr_params=nr_params, - hidden_dim=self.hidden_dim, - dropout=self.dropout, - num_layers=self.n_rnn_layers, - **self.pl_module_params, - ) - return model + model_cls = self.rnn_type_or_module + return model_cls( + input_size=input_dim, + target_size=output_dim, + nr_params=nr_params, + hidden_dim=self.hidden_dim, + dropout=self.dropout, + num_layers=self.n_rnn_layers, + **self.pl_module_params, + **kwargs, + ) def _build_train_dataset( self, diff --git a/_modules/darts/models/forecasting/sf_auto_ces.html b/_modules/darts/models/forecasting/sf_auto_ces.html index 04f9c8ff65..c0d016b0bc 100644 --- a/_modules/darts/models/forecasting/sf_auto_ces.html +++ b/_modules/darts/models/forecasting/sf_auto_ces.html @@ -229,6 +229,7 @@

Source code for darts.models.forecasting.sf_auto_ces

n: int, num_samples: int = 1, verbose: bool = False, + show_warnings: bool = True, ): super().predict(n, num_samples) forecast_dict = self.model.predict( diff --git a/_modules/darts/models/forecasting/sf_auto_theta.html b/_modules/darts/models/forecasting/sf_auto_theta.html index c6563496b9..a5828d2684 100644 --- a/_modules/darts/models/forecasting/sf_auto_theta.html +++ b/_modules/darts/models/forecasting/sf_auto_theta.html @@ -237,6 +237,7 @@

Source code for darts.models.forecasting.sf_auto_theta

n: int, num_samples: int = 1, verbose: bool = False, + show_warnings: bool = True, ): super().predict(n, num_samples) forecast_dict = self.model.predict( diff --git a/_modules/darts/models/forecasting/tbats_model.html b/_modules/darts/models/forecasting/tbats_model.html index 075ed79028..fce6868caf 100644 --- a/_modules/darts/models/forecasting/tbats_model.html +++ b/_modules/darts/models/forecasting/tbats_model.html @@ -397,7 +397,13 @@

Source code for darts.models.forecasting.tbats_model

return self - def predict(self, n, num_samples=1, verbose: bool = False): + def predict( + self, + n: int, + num_samples: int = 1, + verbose: bool = False, + show_warnings: bool = True, + ): super().predict(n, num_samples) yhat = self.model.forecast(steps=n) diff --git a/_modules/darts/models/forecasting/tcn_model.html b/_modules/darts/models/forecasting/tcn_model.html index ef48983596..2eb63f609a 100644 --- a/_modules/darts/models/forecasting/tcn_model.html +++ b/_modules/darts/models/forecasting/tcn_model.html @@ -521,7 +521,7 @@

Source code for darts.models.forecasting.tcn_model

If set to ``True``, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: ``False``. save_checkpoints - Whether or not to automatically save the untrained model and checkpoints from training. + Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call :func:`MyModelClass.load_from_checkpoint()`, where :class:`MyModelClass` is the :class:`TorchForecastingModel` class that was used (such as :class:`TFTModel`, :class:`NBEATSModel`, etc.). If set to ``False``, the model can still be manually saved using @@ -567,7 +567,6 @@

Source code for darts.models.forecasting.tcn_model

dict:rgs`` dict: - - ``{"accelerator": "cpu"}`` for CPU, - ``{"accelerator": "gpu", "devices": [i]}`` to use only GPU ``i`` (``i`` must be an integer), - ``{"accelerator": "gpu", "devices": -1, "auto_select_gpus": True}`` to use all available GPUS. diff --git a/_modules/darts/models/forecasting/tft_model.html b/_modules/darts/models/forecasting/tft_model.html index 3bd8684e6a..c271c9a467 100644 --- a/_modules/darts/models/forecasting/tft_model.html +++ b/_modules/darts/models/forecasting/tft_model.html @@ -971,7 +971,7 @@

Source code for darts.models.forecasting.tft_model

If set to ``True``, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: ``False``. save_checkpoints - Whether or not to automatically save the untrained model and checkpoints from training. + Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call :func:`MyModelClass.load_from_checkpoint()`, where :class:`MyModelClass` is the :class:`TorchForecastingModel` class that was used (such as :class:`TFTModel`, :class:`NBEATSModel`, etc.). If set to ``False``, the model can still be manually saved using @@ -1016,7 +1016,6 @@

Source code for darts.models.forecasting.tft_model

"devices", and "auto_select_gpus"``. Some examples for setting the devices inside the ``pl_trainer_kwargs`` dict: - - ``{"accelerator": "cpu"}`` for CPU, - ``{"accelerator": "gpu", "devices": [i]}`` to use only GPU ``i`` (``i`` must be an integer), - ``{"accelerator": "gpu", "devices": -1, "auto_select_gpus": True}`` to use all available GPUS. @@ -1357,17 +1356,7 @@

Source code for darts.models.forecasting.tft_model

@property def supports_static_covariates(self) -> bool: - return True - -
[docs] def predict(self, n, *args, **kwargs): - # since we have future covariates, the inference dataset for future input must be at least of length - # `output_chunk_length`. If not, we would have to step back which causes past input to be shorter than - # `input_chunk_length`. - - if n >= self.output_chunk_length: - return super().predict(n, *args, **kwargs) - else: - return super().predict(self.output_chunk_length, *args, **kwargs)[:n]
+ return True
diff --git a/_modules/darts/models/forecasting/theta.html b/_modules/darts/models/forecasting/theta.html index 00110ee9b9..8d07f8ce23 100644 --- a/_modules/darts/models/forecasting/theta.html +++ b/_modules/darts/models/forecasting/theta.html @@ -320,7 +320,11 @@

Source code for darts.models.forecasting.theta

return self

[docs] def predict( - self, n: int, num_samples: int = 1, verbose: bool = False + self, + n: int, + num_samples: int = 1, + verbose: bool = False, + show_warnings: bool = True, ) -> "TimeSeries": super().predict(n, num_samples) @@ -567,7 +571,11 @@

Source code for darts.models.forecasting.theta

return self

[docs] def predict( - self, n: int, num_samples: int = 1, verbose: bool = False + self, + n: int, + num_samples: int = 1, + verbose: bool = False, + show_warnings: bool = True, ) -> "TimeSeries": super().predict(n, num_samples) diff --git a/_modules/darts/models/forecasting/tide_model.html b/_modules/darts/models/forecasting/tide_model.html index e8535ff99a..ff0b713f96 100644 --- a/_modules/darts/models/forecasting/tide_model.html +++ b/_modules/darts/models/forecasting/tide_model.html @@ -645,7 +645,7 @@

Source code for darts.models.forecasting.tide_model

If set to ``True``, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: ``False``. save_checkpoints - Whether or not to automatically save the untrained model and checkpoints from training. + Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call :func:`MyModelClass.load_from_checkpoint()`, where :class:`MyModelClass` is the :class:`TorchForecastingModel` class that was used (such as :class:`TFTModel`, :class:`NBEATSModel`, etc.). If set to ``False``, the model can still be manually saved using @@ -690,7 +690,6 @@

Source code for darts.models.forecasting.tide_model

"devices", and "auto_select_gpus"``. Some examples for setting the devices inside the ``pl_trainer_kwargs`` dict: - - ``{"accelerator": "cpu"}`` for CPU, - ``{"accelerator": "gpu", "devices": [i]}`` to use only GPU ``i`` (``i`` must be an integer), - ``{"accelerator": "gpu", "devices": -1, "auto_select_gpus": True}`` to use all available GPUS. @@ -863,17 +862,7 @@

Source code for darts.models.forecasting.tide_model

@property def supports_multivariate(self) -> bool: - return True - -
[docs] def predict(self, n, *args, **kwargs): - # since we have future covariates, the inference dataset for future input must be at least of length - # `output_chunk_length`. If not, we would have to step back which causes past input to be shorter than - # `input_chunk_length`. - - if n >= self.output_chunk_length: - return super().predict(n, *args, **kwargs) - else: - return super().predict(self.output_chunk_length, *args, **kwargs)[:n]
+ return True
diff --git a/_modules/darts/models/forecasting/transformer_model.html b/_modules/darts/models/forecasting/transformer_model.html index 5a362907b5..541fe66a21 100644 --- a/_modules/darts/models/forecasting/transformer_model.html +++ b/_modules/darts/models/forecasting/transformer_model.html @@ -609,7 +609,7 @@

Source code for darts.models.forecasting.transformer_model

If set to ``True``, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: ``False``. save_checkpoints - Whether or not to automatically save the untrained model and checkpoints from training. + Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call :func:`MyModelClass.load_from_checkpoint()`, where :class:`MyModelClass` is the :class:`TorchForecastingModel` class that was used (such as :class:`TFTModel`, :class:`NBEATSModel`, etc.). If set to ``False``, the model can still be manually saved using @@ -654,7 +654,6 @@

Source code for darts.models.forecasting.transformer_model

"devices", and "auto_select_gpus"``. Some examples for setting the devices inside the ``pl_trainer_kwargs`` dict: - - ``{"accelerator": "cpu"}`` for CPU, - ``{"accelerator": "gpu", "devices": [i]}`` to use only GPU ``i`` (``i`` must be an integer), - ``{"accelerator": "gpu", "devices": -1, "auto_select_gpus": True}`` to use all available GPUS. diff --git a/_modules/darts/timeseries.html b/_modules/darts/timeseries.html index 63fd083a55..1f506c05f7 100644 --- a/_modules/darts/timeseries.html +++ b/_modules/darts/timeseries.html @@ -1639,10 +1639,16 @@

Source code for darts.timeseries

         self._assert_deterministic()
         if copy:
             return pd.Series(
-                self._xa[:, 0, 0].values.copy(), index=self._time_index.copy()
+                self._xa[:, 0, 0].values.copy(),
+                index=self._time_index.copy(),
+                name=self.components[0],
             )
         else:
-            return pd.Series(self._xa[:, 0, 0].values, index=self._time_index)
+ return pd.Series( + self._xa[:, 0, 0].values, + index=self._time_index, + name=self.components[0], + )
[docs] def pd_dataframe(self, copy=True, suppress_warnings=False) -> pd.DataFrame: """ diff --git a/_modules/darts/utils/data/shifted_dataset.html b/_modules/darts/utils/data/shifted_dataset.html index 25321be3cc..040d77f52b 100644 --- a/_modules/darts/utils/data/shifted_dataset.html +++ b/_modules/darts/utils/data/shifted_dataset.html @@ -688,7 +688,7 @@

Source code for darts.utils.data.shifted_dataset

shift The number of time steps by which to shift the output chunks relative to the input chunks. shift_covariates - Whether or not to shift the covariates forward the same way as the target. + Whether to shift the covariates forward the same way as the target. FutureCovariatesModel's require this set to True, while PastCovariatesModel's require this set to False. max_samples_per_ts This is an upper bound on the number of (input, output, input_covariates) tuples that can be produced diff --git a/_sources/README.rst.txt b/_sources/README.rst.txt index bb5876a2fc..e55638cbd6 100644 --- a/_sources/README.rst.txt +++ b/_sources/README.rst.txt @@ -30,7 +30,7 @@ Time Series Made Easy in Python .. image:: https://img.shields.io/docker/v/unit8/darts?label=docker&sort=date - :target: https://img.shields.io/docker/v/unit8/darts?label=docker&sort=date + :target: https://hub.docker.com/r/unit8/darts :alt: Docker Image Version (latest by date) @@ -326,25 +326,25 @@ on bringing more models and features. - * - `NaiveMean `_ - - - 🟩 🟥 + - 🟩 🟩 - 🟥 🟥 🟥 - 🟥 🟥 - 🟥 * - `NaiveSeasonal `_ - - - 🟩 🟥 + - 🟩 🟩 - 🟥 🟥 🟥 - 🟥 🟥 - 🟥 * - `NaiveDrift `_ - - - 🟩 🟥 + - 🟩 🟩 - 🟥 🟥 🟥 - 🟥 🟥 - 🟥 * - `NaiveMovingAverage `_ - - - 🟩 🟥 + - 🟩 🟩 - 🟥 🟥 🟥 - 🟥 🟥 - 🟥 @@ -364,7 +364,7 @@ on bringing more models and features. - - 🟥 🟩 - 🟥 🟩 🟥 - - 🟥 🟥 + - 🟩 🟥 - 🟥 * - `AutoARIMA `_ - @@ -414,7 +414,7 @@ on bringing more models and features. - 🟥 🟥 🟥 - 🟩 🟥 - 🟥 - * - `Prophet `_ (see `install notes `_\ ) + * - `Prophet `_ - `Prophet repo `_ - 🟩 🟥 - 🟥 🟩 🟥 @@ -462,7 +462,7 @@ on bringing more models and features. - 🟩 🟩 🟩 - 🟥 🟥 - 🟩 - * - `LightGBMModel `_\ , + * - `LightGBMModel `_ - - 🟩 🟩 - 🟩 🟩 🟩 diff --git a/_sources/examples/01-multi-time-series-and-covariates.ipynb.txt b/_sources/examples/01-multi-time-series-and-covariates.ipynb.txt index f3dea1d1bb..8744bb69a7 100644 --- a/_sources/examples/01-multi-time-series-and-covariates.ipynb.txt +++ b/_sources/examples/01-multi-time-series-and-covariates.ipynb.txt @@ -167,32 +167,31 @@ "metadata": {}, "source": [ "## Global Forecasting Models\n", - "Darts contains many forecasting models, but not all of them can be trained on several time series. The models that support training on multiple series are called *global* models. At the time of writing, there are 5 global models:\n", + "Darts contains many forecasting models, but not all of them can be trained on several time series. The models that support training on multiple series are called *global* models. An exhaustive list of the global models can be found [here](https://unit8co.github.io/darts/README.html#forecasting-models) (bottom of the table) with for example:\n", "\n", + "* LinearRegressionModel\n", "* BlockRNNModel\n", - "* RNNModel\n", - "* Temporal Convolutional Networks (TCNs)\n", - "* N-Beats\n", - "* Transformer model\n", + "* Temporal Convolutional Networks (TCNModel)\n", + "* N-Beats (NBEATSModel)\n", + "* TiDEModel\n", "\n", "In the following, we will distinguish two sorts of time series:\n", "\n", "* The **target time series** is the time series we are interested to forecast (given its history)\n", "* A **covariate time series** is a time series which may help in the forecasting of the target series, but that we are not interested in forecasting. It's sometimes also called *external data*.\n", "\n", + "**Note**: Static covariates are invariant in time and correspond to additional information associated with the components of the **target time series**. Detailed information about this kind of covariate can be found in the [static covariates notebook](https://unit8co.github.io/darts/examples/15-static-covariates.html).\n", + "\n", "We further differentiate covariates series, depending on whether they can be known in advance or not:\n", "\n", "* **Past Covariates** denote time series whose past values are known at prediction time. These are usually things that have to be measured or observed.\n", "* **Future Covariates** denote time series whose future values are already known at prediction time for the span of the forecast horizon. These can for instance represent known future holidays, or weather forecasts. \n", "\n", - "Some models use only past covariates, others use only future covariates, and some models might use both. We will dive deeper in this topic in some other notebook, but for now it is enough to know this:\n", - "\n", - "* `BlockRNNModel`, `TCNModel`, `NBEATSModel` and `TransformerModel` all use `past_covariates`.\n", - "* `RNNModel` uses `future_covariates`.\n", + "Some models use only past covariates, others use only future covariates, and some models might use both. We will dive deeper in this topic in some other notebook, but this [table](https://unit8co.github.io/darts/README.html#forecasting-models) details the covariates supported by each model.\n", "\n", - "All of the global models listed above support training on multiple series. In addition, they also all support *multivariate series*. This means that they can seamlessly be used with time series of more than one dimension; the target series can contain one (as is often the case) or several dimensions. A time series with several dimensions is really just a regular time series where the values at each time stamps are vectors instead of scalars.\n", + "All of the global models listed above support training on multiple series. In addition, they also all support *multivariate series*. This means that they can seamlessly be used with time series of more than one dimension; the target series can contain one (as is often the case) or several dimensions. A time series with several dimensions is really just a regular time series where the values at each time stamps are vectors instead of scalars.\n", "\n", - "As an example, the 4 models supporting `past_covariates` follow a \"block\" architecture. They contain a neural network that takes chunks of time series in input, and outputs chunks of (predicted) future time series values. The input dimensionality is the number of dimensions (components) of the target series, plus the number of components of all the covariates - stacked together. The output dimensionality is simply the number of dimensions of the target series:\n", + "As an example, the BlockRNNModel, N-Beats, TCN and Transformer models follow a \"block\" architecture. They contain a neural network that takes chunks of time series in input, and outputs chunks of (predicted) future time series values. The input dimensionality is the number of dimensions (components) of the target series, plus the number of components of all the covariates - stacked together. The output dimensionality is simply the number of dimensions of the target series:\n", "![](static/images/global_io_covs.png)\n", "\n", "The `RNNModel` works differently, in a recurrent fashion (which is also why they support future covariates).\n", diff --git a/_sources/examples/20-RegressionModel-examples.ipynb.txt b/_sources/examples/20-RegressionModel-examples.ipynb.txt index a63b2514de..30a84de818 100644 --- a/_sources/examples/20-RegressionModel-examples.ipynb.txt +++ b/_sources/examples/20-RegressionModel-examples.ipynb.txt @@ -502,7 +502,7 @@ "This key parameter sets the *number of time steps that can be predicted at once by the internal regression model*.\n", "\n", "It is not the same as forecast horizon `n` from `predict()` which is the **desired** the number of generated prediction points, that is achieved either with:\n", - "- a single shot forecast (if `output_chunk_length <= n`), or\n", + "- a single shot forecast (if `n <= output_chunk_length`), or\n", "- an auto-regressive forecast, consuming its own forecast (and future values of covariates) as input for additional predictions (otherwise)\n", "\n", "For example, if we want our model to forecast the next 24 hours of electricity consumption based on the last day of consumption, setting `output_chunk_length=24` ensures that the model will not consume its forecasts or future values of our covariates to predict the entire day." diff --git a/_sources/generated_api/darts.ad.aggregators.aggregators.rst.txt b/_sources/generated_api/darts.ad.aggregators.aggregators.rst.txt index 96c1d96410..864d4ae2aa 100644 --- a/_sources/generated_api/darts.ad.aggregators.aggregators.rst.txt +++ b/_sources/generated_api/darts.ad.aggregators.aggregators.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.aggregators.aggregators :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.aggregators.and_aggregator.rst.txt b/_sources/generated_api/darts.ad.aggregators.and_aggregator.rst.txt index bb161f0ce8..b2a45d4a50 100644 --- a/_sources/generated_api/darts.ad.aggregators.and_aggregator.rst.txt +++ b/_sources/generated_api/darts.ad.aggregators.and_aggregator.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.aggregators.and_aggregator :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.aggregators.ensemble_sklearn_aggregator.rst.txt b/_sources/generated_api/darts.ad.aggregators.ensemble_sklearn_aggregator.rst.txt index dd95b17b96..ad69483bdb 100644 --- a/_sources/generated_api/darts.ad.aggregators.ensemble_sklearn_aggregator.rst.txt +++ b/_sources/generated_api/darts.ad.aggregators.ensemble_sklearn_aggregator.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.aggregators.ensemble_sklearn_aggregator :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.aggregators.or_aggregator.rst.txt b/_sources/generated_api/darts.ad.aggregators.or_aggregator.rst.txt index 261df99928..ebdc784138 100644 --- a/_sources/generated_api/darts.ad.aggregators.or_aggregator.rst.txt +++ b/_sources/generated_api/darts.ad.aggregators.or_aggregator.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.aggregators.or_aggregator :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.anomaly_model.anomaly_model.rst.txt b/_sources/generated_api/darts.ad.anomaly_model.anomaly_model.rst.txt index 5fd4e54b7a..7c3e739cab 100644 --- a/_sources/generated_api/darts.ad.anomaly_model.anomaly_model.rst.txt +++ b/_sources/generated_api/darts.ad.anomaly_model.anomaly_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.anomaly_model.anomaly_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.anomaly_model.filtering_am.rst.txt b/_sources/generated_api/darts.ad.anomaly_model.filtering_am.rst.txt index 3bdffe9fe4..a37fa89c67 100644 --- a/_sources/generated_api/darts.ad.anomaly_model.filtering_am.rst.txt +++ b/_sources/generated_api/darts.ad.anomaly_model.filtering_am.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.anomaly_model.filtering_am :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.anomaly_model.forecasting_am.rst.txt b/_sources/generated_api/darts.ad.anomaly_model.forecasting_am.rst.txt index be7d5dce02..7a0f44e83e 100644 --- a/_sources/generated_api/darts.ad.anomaly_model.forecasting_am.rst.txt +++ b/_sources/generated_api/darts.ad.anomaly_model.forecasting_am.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.anomaly_model.forecasting_am :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.detectors.detectors.rst.txt b/_sources/generated_api/darts.ad.detectors.detectors.rst.txt index b0fa330d00..9895c1d298 100644 --- a/_sources/generated_api/darts.ad.detectors.detectors.rst.txt +++ b/_sources/generated_api/darts.ad.detectors.detectors.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.detectors.detectors :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.detectors.quantile_detector.rst.txt b/_sources/generated_api/darts.ad.detectors.quantile_detector.rst.txt index 6c1eac1493..914b931f46 100644 --- a/_sources/generated_api/darts.ad.detectors.quantile_detector.rst.txt +++ b/_sources/generated_api/darts.ad.detectors.quantile_detector.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.detectors.quantile_detector :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.detectors.threshold_detector.rst.txt b/_sources/generated_api/darts.ad.detectors.threshold_detector.rst.txt index 1797d76870..0e5e18b94e 100644 --- a/_sources/generated_api/darts.ad.detectors.threshold_detector.rst.txt +++ b/_sources/generated_api/darts.ad.detectors.threshold_detector.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.detectors.threshold_detector :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.scorers.difference_scorer.rst.txt b/_sources/generated_api/darts.ad.scorers.difference_scorer.rst.txt index 4047248c1d..a4303a7956 100644 --- a/_sources/generated_api/darts.ad.scorers.difference_scorer.rst.txt +++ b/_sources/generated_api/darts.ad.scorers.difference_scorer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.scorers.difference_scorer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.scorers.kmeans_scorer.rst.txt b/_sources/generated_api/darts.ad.scorers.kmeans_scorer.rst.txt index 883e81b471..cdb9645817 100644 --- a/_sources/generated_api/darts.ad.scorers.kmeans_scorer.rst.txt +++ b/_sources/generated_api/darts.ad.scorers.kmeans_scorer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.scorers.kmeans_scorer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.scorers.nll_cauchy_scorer.rst.txt b/_sources/generated_api/darts.ad.scorers.nll_cauchy_scorer.rst.txt index 917a37a44a..b05d5fb15d 100644 --- a/_sources/generated_api/darts.ad.scorers.nll_cauchy_scorer.rst.txt +++ b/_sources/generated_api/darts.ad.scorers.nll_cauchy_scorer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.scorers.nll_cauchy_scorer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.scorers.nll_exponential_scorer.rst.txt b/_sources/generated_api/darts.ad.scorers.nll_exponential_scorer.rst.txt index da0b1ae74a..cb2e15d3f3 100644 --- a/_sources/generated_api/darts.ad.scorers.nll_exponential_scorer.rst.txt +++ b/_sources/generated_api/darts.ad.scorers.nll_exponential_scorer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.scorers.nll_exponential_scorer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.scorers.nll_gamma_scorer.rst.txt b/_sources/generated_api/darts.ad.scorers.nll_gamma_scorer.rst.txt index ed86017478..8b6370edc0 100644 --- a/_sources/generated_api/darts.ad.scorers.nll_gamma_scorer.rst.txt +++ b/_sources/generated_api/darts.ad.scorers.nll_gamma_scorer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.scorers.nll_gamma_scorer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.scorers.nll_gaussian_scorer.rst.txt b/_sources/generated_api/darts.ad.scorers.nll_gaussian_scorer.rst.txt index 08d076a0c9..8b190386a0 100644 --- a/_sources/generated_api/darts.ad.scorers.nll_gaussian_scorer.rst.txt +++ b/_sources/generated_api/darts.ad.scorers.nll_gaussian_scorer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.scorers.nll_gaussian_scorer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.scorers.nll_laplace_scorer.rst.txt b/_sources/generated_api/darts.ad.scorers.nll_laplace_scorer.rst.txt index 8694c1ac6f..b143b5f57e 100644 --- a/_sources/generated_api/darts.ad.scorers.nll_laplace_scorer.rst.txt +++ b/_sources/generated_api/darts.ad.scorers.nll_laplace_scorer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.scorers.nll_laplace_scorer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.scorers.nll_poisson_scorer.rst.txt b/_sources/generated_api/darts.ad.scorers.nll_poisson_scorer.rst.txt index 070fa465e7..7a37a4a415 100644 --- a/_sources/generated_api/darts.ad.scorers.nll_poisson_scorer.rst.txt +++ b/_sources/generated_api/darts.ad.scorers.nll_poisson_scorer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.scorers.nll_poisson_scorer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.scorers.norm_scorer.rst.txt b/_sources/generated_api/darts.ad.scorers.norm_scorer.rst.txt index 5535c52dc6..ecd438208f 100644 --- a/_sources/generated_api/darts.ad.scorers.norm_scorer.rst.txt +++ b/_sources/generated_api/darts.ad.scorers.norm_scorer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.scorers.norm_scorer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.scorers.pyod_scorer.rst.txt b/_sources/generated_api/darts.ad.scorers.pyod_scorer.rst.txt index 4ba5fd4cd9..06cf2ea9c8 100644 --- a/_sources/generated_api/darts.ad.scorers.pyod_scorer.rst.txt +++ b/_sources/generated_api/darts.ad.scorers.pyod_scorer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.scorers.pyod_scorer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.scorers.scorers.rst.txt b/_sources/generated_api/darts.ad.scorers.scorers.rst.txt index 7f2ba5852f..61eed91745 100644 --- a/_sources/generated_api/darts.ad.scorers.scorers.rst.txt +++ b/_sources/generated_api/darts.ad.scorers.scorers.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.scorers.scorers :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.scorers.wasserstein_scorer.rst.txt b/_sources/generated_api/darts.ad.scorers.wasserstein_scorer.rst.txt index d8ce8be436..7bfdfde63c 100644 --- a/_sources/generated_api/darts.ad.scorers.wasserstein_scorer.rst.txt +++ b/_sources/generated_api/darts.ad.scorers.wasserstein_scorer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.scorers.wasserstein_scorer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.ad.utils.rst.txt b/_sources/generated_api/darts.ad.utils.rst.txt index c89dcd593b..350988ccf2 100644 --- a/_sources/generated_api/darts.ad.utils.rst.txt +++ b/_sources/generated_api/darts.ad.utils.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.ad.utils :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.dtw.cost_matrix.rst.txt b/_sources/generated_api/darts.dataprocessing.dtw.cost_matrix.rst.txt index 5add4afe18..4eb42b4d02 100644 --- a/_sources/generated_api/darts.dataprocessing.dtw.cost_matrix.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.dtw.cost_matrix.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.dtw.cost_matrix :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.dtw.dtw.rst.txt b/_sources/generated_api/darts.dataprocessing.dtw.dtw.rst.txt index aef4df5fe3..242e418a1f 100644 --- a/_sources/generated_api/darts.dataprocessing.dtw.dtw.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.dtw.dtw.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.dtw.dtw :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.dtw.window.rst.txt b/_sources/generated_api/darts.dataprocessing.dtw.window.rst.txt index 382e61cffc..1b4f71ac9a 100644 --- a/_sources/generated_api/darts.dataprocessing.dtw.window.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.dtw.window.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.dtw.window :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.encoders.encoder_base.rst.txt b/_sources/generated_api/darts.dataprocessing.encoders.encoder_base.rst.txt index dadc0d52b5..2cb8c21894 100644 --- a/_sources/generated_api/darts.dataprocessing.encoders.encoder_base.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.encoders.encoder_base.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.encoders.encoder_base :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.encoders.encoders.rst.txt b/_sources/generated_api/darts.dataprocessing.encoders.encoders.rst.txt index 4d520abb32..46d5168e9c 100644 --- a/_sources/generated_api/darts.dataprocessing.encoders.encoders.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.encoders.encoders.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.encoders.encoders :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.pipeline.rst.txt b/_sources/generated_api/darts.dataprocessing.pipeline.rst.txt index 43c3c607aa..2c269b8808 100644 --- a/_sources/generated_api/darts.dataprocessing.pipeline.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.pipeline.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.pipeline :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.transformers.base_data_transformer.rst.txt b/_sources/generated_api/darts.dataprocessing.transformers.base_data_transformer.rst.txt index 3db3758a30..80f619d599 100644 --- a/_sources/generated_api/darts.dataprocessing.transformers.base_data_transformer.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.transformers.base_data_transformer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.transformers.base_data_transformer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.transformers.boxcox.rst.txt b/_sources/generated_api/darts.dataprocessing.transformers.boxcox.rst.txt index 982c2d4cf4..87a18f33bd 100644 --- a/_sources/generated_api/darts.dataprocessing.transformers.boxcox.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.transformers.boxcox.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.transformers.boxcox :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.transformers.diff.rst.txt b/_sources/generated_api/darts.dataprocessing.transformers.diff.rst.txt index 41c1a5f4b1..635cdfa12d 100644 --- a/_sources/generated_api/darts.dataprocessing.transformers.diff.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.transformers.diff.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.transformers.diff :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.transformers.fittable_data_transformer.rst.txt b/_sources/generated_api/darts.dataprocessing.transformers.fittable_data_transformer.rst.txt index 29d578f412..fb94d084f5 100644 --- a/_sources/generated_api/darts.dataprocessing.transformers.fittable_data_transformer.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.transformers.fittable_data_transformer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.transformers.fittable_data_transformer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.transformers.invertible_data_transformer.rst.txt b/_sources/generated_api/darts.dataprocessing.transformers.invertible_data_transformer.rst.txt index 689319d4c0..f233e0dc73 100644 --- a/_sources/generated_api/darts.dataprocessing.transformers.invertible_data_transformer.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.transformers.invertible_data_transformer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.transformers.invertible_data_transformer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.transformers.mappers.rst.txt b/_sources/generated_api/darts.dataprocessing.transformers.mappers.rst.txt index 382b40f7bd..74f53b3055 100644 --- a/_sources/generated_api/darts.dataprocessing.transformers.mappers.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.transformers.mappers.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.transformers.mappers :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.transformers.midas.rst.txt b/_sources/generated_api/darts.dataprocessing.transformers.midas.rst.txt index f44f8cd05f..810ab9c089 100644 --- a/_sources/generated_api/darts.dataprocessing.transformers.midas.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.transformers.midas.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.transformers.midas :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.transformers.missing_values_filler.rst.txt b/_sources/generated_api/darts.dataprocessing.transformers.missing_values_filler.rst.txt index ddd534d307..d34e8e7b19 100644 --- a/_sources/generated_api/darts.dataprocessing.transformers.missing_values_filler.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.transformers.missing_values_filler.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.transformers.missing_values_filler :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.transformers.reconciliation.rst.txt b/_sources/generated_api/darts.dataprocessing.transformers.reconciliation.rst.txt index 109b2f68d9..9f5d584e56 100644 --- a/_sources/generated_api/darts.dataprocessing.transformers.reconciliation.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.transformers.reconciliation.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.transformers.reconciliation :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.transformers.scaler.rst.txt b/_sources/generated_api/darts.dataprocessing.transformers.scaler.rst.txt index 53d53aede4..faca7cacf5 100644 --- a/_sources/generated_api/darts.dataprocessing.transformers.scaler.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.transformers.scaler.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.transformers.scaler :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.transformers.static_covariates_transformer.rst.txt b/_sources/generated_api/darts.dataprocessing.transformers.static_covariates_transformer.rst.txt index 3adab261f3..36521c354c 100644 --- a/_sources/generated_api/darts.dataprocessing.transformers.static_covariates_transformer.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.transformers.static_covariates_transformer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.transformers.static_covariates_transformer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.dataprocessing.transformers.window_transformer.rst.txt b/_sources/generated_api/darts.dataprocessing.transformers.window_transformer.rst.txt index 4ff316e87f..202c456c0e 100644 --- a/_sources/generated_api/darts.dataprocessing.transformers.window_transformer.rst.txt +++ b/_sources/generated_api/darts.dataprocessing.transformers.window_transformer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.dataprocessing.transformers.window_transformer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.datasets.dataset_loaders.rst.txt b/_sources/generated_api/darts.datasets.dataset_loaders.rst.txt index ffb9e72526..17d9225f46 100644 --- a/_sources/generated_api/darts.datasets.dataset_loaders.rst.txt +++ b/_sources/generated_api/darts.datasets.dataset_loaders.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.datasets.dataset_loaders :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.explainability.explainability.rst.txt b/_sources/generated_api/darts.explainability.explainability.rst.txt index fccc9f4c77..5f0747864a 100644 --- a/_sources/generated_api/darts.explainability.explainability.rst.txt +++ b/_sources/generated_api/darts.explainability.explainability.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.explainability.explainability :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.explainability.explainability_result.rst.txt b/_sources/generated_api/darts.explainability.explainability_result.rst.txt index d87f374c42..d2791b7a71 100644 --- a/_sources/generated_api/darts.explainability.explainability_result.rst.txt +++ b/_sources/generated_api/darts.explainability.explainability_result.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.explainability.explainability_result :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.explainability.shap_explainer.rst.txt b/_sources/generated_api/darts.explainability.shap_explainer.rst.txt index 7abca313b4..9f59ad7d2e 100644 --- a/_sources/generated_api/darts.explainability.shap_explainer.rst.txt +++ b/_sources/generated_api/darts.explainability.shap_explainer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.explainability.shap_explainer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.explainability.tft_explainer.rst.txt b/_sources/generated_api/darts.explainability.tft_explainer.rst.txt index 1ca95ef09a..6e1afeac3a 100644 --- a/_sources/generated_api/darts.explainability.tft_explainer.rst.txt +++ b/_sources/generated_api/darts.explainability.tft_explainer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.explainability.tft_explainer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.explainability.utils.rst.txt b/_sources/generated_api/darts.explainability.utils.rst.txt index c468aac381..6cf9ae72be 100644 --- a/_sources/generated_api/darts.explainability.utils.rst.txt +++ b/_sources/generated_api/darts.explainability.utils.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.explainability.utils :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.metrics.metrics.rst.txt b/_sources/generated_api/darts.metrics.metrics.rst.txt index 559e44894a..c097d0dd97 100644 --- a/_sources/generated_api/darts.metrics.metrics.rst.txt +++ b/_sources/generated_api/darts.metrics.metrics.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.metrics.metrics :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.components.feed_forward.rst.txt b/_sources/generated_api/darts.models.components.feed_forward.rst.txt index 9a1c272341..06a330efd7 100644 --- a/_sources/generated_api/darts.models.components.feed_forward.rst.txt +++ b/_sources/generated_api/darts.models.components.feed_forward.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.components.feed_forward :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.components.glu_variants.rst.txt b/_sources/generated_api/darts.models.components.glu_variants.rst.txt index 34fe8e99ec..c01c772d5e 100644 --- a/_sources/generated_api/darts.models.components.glu_variants.rst.txt +++ b/_sources/generated_api/darts.models.components.glu_variants.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.components.glu_variants :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.components.layer_norm_variants.rst.txt b/_sources/generated_api/darts.models.components.layer_norm_variants.rst.txt index a8af8dcb2b..0c8b83e9d9 100644 --- a/_sources/generated_api/darts.models.components.layer_norm_variants.rst.txt +++ b/_sources/generated_api/darts.models.components.layer_norm_variants.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.components.layer_norm_variants :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.components.statsforecast_utils.rst.txt b/_sources/generated_api/darts.models.components.statsforecast_utils.rst.txt index b7fc4b0b43..6a5526bab7 100644 --- a/_sources/generated_api/darts.models.components.statsforecast_utils.rst.txt +++ b/_sources/generated_api/darts.models.components.statsforecast_utils.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.components.statsforecast_utils :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.components.transformer.rst.txt b/_sources/generated_api/darts.models.components.transformer.rst.txt index 45d0531d67..075cccf9c8 100644 --- a/_sources/generated_api/darts.models.components.transformer.rst.txt +++ b/_sources/generated_api/darts.models.components.transformer.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.components.transformer :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.filtering.filtering_model.rst.txt b/_sources/generated_api/darts.models.filtering.filtering_model.rst.txt index 2dca0c83e4..450545a5df 100644 --- a/_sources/generated_api/darts.models.filtering.filtering_model.rst.txt +++ b/_sources/generated_api/darts.models.filtering.filtering_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.filtering.filtering_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.filtering.gaussian_process_filter.rst.txt b/_sources/generated_api/darts.models.filtering.gaussian_process_filter.rst.txt index ec2754f886..51f89eac02 100644 --- a/_sources/generated_api/darts.models.filtering.gaussian_process_filter.rst.txt +++ b/_sources/generated_api/darts.models.filtering.gaussian_process_filter.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.filtering.gaussian_process_filter :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.filtering.kalman_filter.rst.txt b/_sources/generated_api/darts.models.filtering.kalman_filter.rst.txt index 78e009b38a..a1428721d5 100644 --- a/_sources/generated_api/darts.models.filtering.kalman_filter.rst.txt +++ b/_sources/generated_api/darts.models.filtering.kalman_filter.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.filtering.kalman_filter :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.filtering.moving_average_filter.rst.txt b/_sources/generated_api/darts.models.filtering.moving_average_filter.rst.txt index 8557c6d6a3..9b4670ece1 100644 --- a/_sources/generated_api/darts.models.filtering.moving_average_filter.rst.txt +++ b/_sources/generated_api/darts.models.filtering.moving_average_filter.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.filtering.moving_average_filter :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.arima.rst.txt b/_sources/generated_api/darts.models.forecasting.arima.rst.txt index f5f3ba19db..559c2de2bd 100644 --- a/_sources/generated_api/darts.models.forecasting.arima.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.arima.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.arima :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.auto_arima.rst.txt b/_sources/generated_api/darts.models.forecasting.auto_arima.rst.txt index f221cc8333..182332fbd7 100644 --- a/_sources/generated_api/darts.models.forecasting.auto_arima.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.auto_arima.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.auto_arima :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.baselines.rst.txt b/_sources/generated_api/darts.models.forecasting.baselines.rst.txt index a5606cd207..5091d44b85 100644 --- a/_sources/generated_api/darts.models.forecasting.baselines.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.baselines.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.baselines :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.block_rnn_model.rst.txt b/_sources/generated_api/darts.models.forecasting.block_rnn_model.rst.txt index 508509c2b6..149cc6f3ae 100644 --- a/_sources/generated_api/darts.models.forecasting.block_rnn_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.block_rnn_model.rst.txt @@ -1,4 +1,10 @@ +Block Recurrent Neural Networks +------------------------------- -.. automodule:: darts.models.forecasting.block_rnn_model +.. autoclass:: darts.models.forecasting.block_rnn_model.BlockRNNModel :members: - :undoc-members: \ No newline at end of file + :exclude-members: + +.. autoclass:: darts.models.forecasting.block_rnn_model.CustomBlockRNNModule + :members: + :no-inherited-members: diff --git a/_sources/generated_api/darts.models.forecasting.catboost_model.rst.txt b/_sources/generated_api/darts.models.forecasting.catboost_model.rst.txt index 4d5433ba1b..1b77e0178c 100644 --- a/_sources/generated_api/darts.models.forecasting.catboost_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.catboost_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.catboost_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.croston.rst.txt b/_sources/generated_api/darts.models.forecasting.croston.rst.txt index 111730ffc8..989be8c208 100644 --- a/_sources/generated_api/darts.models.forecasting.croston.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.croston.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.croston :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.dlinear.rst.txt b/_sources/generated_api/darts.models.forecasting.dlinear.rst.txt index d49cf3ee2a..50edffdd72 100644 --- a/_sources/generated_api/darts.models.forecasting.dlinear.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.dlinear.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.dlinear :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.ensemble_model.rst.txt b/_sources/generated_api/darts.models.forecasting.ensemble_model.rst.txt index 344a91bc57..7a5acf9bb3 100644 --- a/_sources/generated_api/darts.models.forecasting.ensemble_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.ensemble_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.ensemble_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.exponential_smoothing.rst.txt b/_sources/generated_api/darts.models.forecasting.exponential_smoothing.rst.txt index 14a251ca66..6394175456 100644 --- a/_sources/generated_api/darts.models.forecasting.exponential_smoothing.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.exponential_smoothing.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.exponential_smoothing :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.fft.rst.txt b/_sources/generated_api/darts.models.forecasting.fft.rst.txt index a0e497fd08..b597f74697 100644 --- a/_sources/generated_api/darts.models.forecasting.fft.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.fft.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.fft :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.forecasting_model.rst.txt b/_sources/generated_api/darts.models.forecasting.forecasting_model.rst.txt index 87fa515b55..0d1ca08145 100644 --- a/_sources/generated_api/darts.models.forecasting.forecasting_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.forecasting_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.forecasting_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.kalman_forecaster.rst.txt b/_sources/generated_api/darts.models.forecasting.kalman_forecaster.rst.txt index ebdf697982..1d0c10c497 100644 --- a/_sources/generated_api/darts.models.forecasting.kalman_forecaster.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.kalman_forecaster.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.kalman_forecaster :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.lgbm.rst.txt b/_sources/generated_api/darts.models.forecasting.lgbm.rst.txt index d82ff3c39e..c6b039e6d5 100644 --- a/_sources/generated_api/darts.models.forecasting.lgbm.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.lgbm.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.lgbm :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.linear_regression_model.rst.txt b/_sources/generated_api/darts.models.forecasting.linear_regression_model.rst.txt index 6a706f7789..90a2893437 100644 --- a/_sources/generated_api/darts.models.forecasting.linear_regression_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.linear_regression_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.linear_regression_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.nbeats.rst.txt b/_sources/generated_api/darts.models.forecasting.nbeats.rst.txt index 35d426552b..9226d32a17 100644 --- a/_sources/generated_api/darts.models.forecasting.nbeats.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.nbeats.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.nbeats :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.nhits.rst.txt b/_sources/generated_api/darts.models.forecasting.nhits.rst.txt index 589d5fbb59..7fdd3a3b11 100644 --- a/_sources/generated_api/darts.models.forecasting.nhits.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.nhits.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.nhits :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.nlinear.rst.txt b/_sources/generated_api/darts.models.forecasting.nlinear.rst.txt index 90e70fdb1d..6e0e29d010 100644 --- a/_sources/generated_api/darts.models.forecasting.nlinear.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.nlinear.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.nlinear :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.pl_forecasting_module.rst.txt b/_sources/generated_api/darts.models.forecasting.pl_forecasting_module.rst.txt index 516742c993..0c0a2b877d 100644 --- a/_sources/generated_api/darts.models.forecasting.pl_forecasting_module.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.pl_forecasting_module.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.pl_forecasting_module :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.prophet_model.rst.txt b/_sources/generated_api/darts.models.forecasting.prophet_model.rst.txt index 0f8cadb234..d4540abf43 100644 --- a/_sources/generated_api/darts.models.forecasting.prophet_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.prophet_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.prophet_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.random_forest.rst.txt b/_sources/generated_api/darts.models.forecasting.random_forest.rst.txt index 139d5aa9c0..6e5c18bedf 100644 --- a/_sources/generated_api/darts.models.forecasting.random_forest.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.random_forest.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.random_forest :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.regression_ensemble_model.rst.txt b/_sources/generated_api/darts.models.forecasting.regression_ensemble_model.rst.txt index 0590a53de1..2e2838b486 100644 --- a/_sources/generated_api/darts.models.forecasting.regression_ensemble_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.regression_ensemble_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.regression_ensemble_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.regression_model.rst.txt b/_sources/generated_api/darts.models.forecasting.regression_model.rst.txt index 10b8e4ef69..56ed09b5a5 100644 --- a/_sources/generated_api/darts.models.forecasting.regression_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.regression_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.regression_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.rnn_model.rst.txt b/_sources/generated_api/darts.models.forecasting.rnn_model.rst.txt index 11c903bccc..31ecf93cbd 100644 --- a/_sources/generated_api/darts.models.forecasting.rnn_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.rnn_model.rst.txt @@ -1,4 +1,10 @@ +Recurrent Neural Networks +------------------------- -.. automodule:: darts.models.forecasting.rnn_model +.. autoclass:: darts.models.forecasting.rnn_model.RNNModel :members: - :undoc-members: \ No newline at end of file + :exclude-members: + +.. autoclass:: darts.models.forecasting.rnn_model.CustomRNNModule + :members: + :no-inherited-members: diff --git a/_sources/generated_api/darts.models.forecasting.sf_auto_arima.rst.txt b/_sources/generated_api/darts.models.forecasting.sf_auto_arima.rst.txt index e50a33b2c1..76418c50e4 100644 --- a/_sources/generated_api/darts.models.forecasting.sf_auto_arima.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.sf_auto_arima.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.sf_auto_arima :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.sf_auto_ces.rst.txt b/_sources/generated_api/darts.models.forecasting.sf_auto_ces.rst.txt index 97ec5623fd..7091d50b74 100644 --- a/_sources/generated_api/darts.models.forecasting.sf_auto_ces.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.sf_auto_ces.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.sf_auto_ces :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.sf_auto_ets.rst.txt b/_sources/generated_api/darts.models.forecasting.sf_auto_ets.rst.txt index a789d8edfd..2eb3546348 100644 --- a/_sources/generated_api/darts.models.forecasting.sf_auto_ets.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.sf_auto_ets.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.sf_auto_ets :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.sf_auto_theta.rst.txt b/_sources/generated_api/darts.models.forecasting.sf_auto_theta.rst.txt index 33bff03eec..8eebde970c 100644 --- a/_sources/generated_api/darts.models.forecasting.sf_auto_theta.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.sf_auto_theta.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.sf_auto_theta :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.tbats_model.rst.txt b/_sources/generated_api/darts.models.forecasting.tbats_model.rst.txt index d8dc517ffd..e6d1932a0e 100644 --- a/_sources/generated_api/darts.models.forecasting.tbats_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.tbats_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.tbats_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.tcn_model.rst.txt b/_sources/generated_api/darts.models.forecasting.tcn_model.rst.txt index 6306157ced..a85fcc7923 100644 --- a/_sources/generated_api/darts.models.forecasting.tcn_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.tcn_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.tcn_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.tft_model.rst.txt b/_sources/generated_api/darts.models.forecasting.tft_model.rst.txt index 30312491d2..ae6587e9bb 100644 --- a/_sources/generated_api/darts.models.forecasting.tft_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.tft_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.tft_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.tft_submodels.rst.txt b/_sources/generated_api/darts.models.forecasting.tft_submodels.rst.txt index db8678b1ce..58a435f161 100644 --- a/_sources/generated_api/darts.models.forecasting.tft_submodels.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.tft_submodels.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.tft_submodels :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.theta.rst.txt b/_sources/generated_api/darts.models.forecasting.theta.rst.txt index fc9ec96bac..735b8d41cc 100644 --- a/_sources/generated_api/darts.models.forecasting.theta.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.theta.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.theta :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.tide_model.rst.txt b/_sources/generated_api/darts.models.forecasting.tide_model.rst.txt index 1be8511824..d8081d9f20 100644 --- a/_sources/generated_api/darts.models.forecasting.tide_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.tide_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.tide_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.torch_forecasting_model.rst.txt b/_sources/generated_api/darts.models.forecasting.torch_forecasting_model.rst.txt index ee2eb9a100..60324c59f3 100644 --- a/_sources/generated_api/darts.models.forecasting.torch_forecasting_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.torch_forecasting_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.torch_forecasting_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.transformer_model.rst.txt b/_sources/generated_api/darts.models.forecasting.transformer_model.rst.txt index cd095bca46..51c0eedce2 100644 --- a/_sources/generated_api/darts.models.forecasting.transformer_model.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.transformer_model.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.transformer_model :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.varima.rst.txt b/_sources/generated_api/darts.models.forecasting.varima.rst.txt index 2482560c51..f2528375cb 100644 --- a/_sources/generated_api/darts.models.forecasting.varima.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.varima.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.varima :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.forecasting.xgboost.rst.txt b/_sources/generated_api/darts.models.forecasting.xgboost.rst.txt index 2bf0997ce2..c9289839fe 100644 --- a/_sources/generated_api/darts.models.forecasting.xgboost.rst.txt +++ b/_sources/generated_api/darts.models.forecasting.xgboost.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.forecasting.xgboost :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.models.utils.rst.txt b/_sources/generated_api/darts.models.utils.rst.txt index 965ea6b3d8..471c46c805 100644 --- a/_sources/generated_api/darts.models.utils.rst.txt +++ b/_sources/generated_api/darts.models.utils.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.models.utils :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.timeseries.rst.txt b/_sources/generated_api/darts.timeseries.rst.txt index e3d2da6b2a..e73fc820a8 100644 --- a/_sources/generated_api/darts.timeseries.rst.txt +++ b/_sources/generated_api/darts.timeseries.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.timeseries :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.callbacks.rst.txt b/_sources/generated_api/darts.utils.callbacks.rst.txt index d9c20bdeaf..06a1fe62e3 100644 --- a/_sources/generated_api/darts.utils.callbacks.rst.txt +++ b/_sources/generated_api/darts.utils.callbacks.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.callbacks :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.data.horizon_based_dataset.rst.txt b/_sources/generated_api/darts.utils.data.horizon_based_dataset.rst.txt index 0ff361ba87..5ca6e3d9dc 100644 --- a/_sources/generated_api/darts.utils.data.horizon_based_dataset.rst.txt +++ b/_sources/generated_api/darts.utils.data.horizon_based_dataset.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.data.horizon_based_dataset :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.data.inference_dataset.rst.txt b/_sources/generated_api/darts.utils.data.inference_dataset.rst.txt index fbcf0efc7f..c37ac987ea 100644 --- a/_sources/generated_api/darts.utils.data.inference_dataset.rst.txt +++ b/_sources/generated_api/darts.utils.data.inference_dataset.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.data.inference_dataset :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.data.sequential_dataset.rst.txt b/_sources/generated_api/darts.utils.data.sequential_dataset.rst.txt index 14ee5be67a..5363bfb87f 100644 --- a/_sources/generated_api/darts.utils.data.sequential_dataset.rst.txt +++ b/_sources/generated_api/darts.utils.data.sequential_dataset.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.data.sequential_dataset :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.data.shifted_dataset.rst.txt b/_sources/generated_api/darts.utils.data.shifted_dataset.rst.txt index 8ef4c4c83f..a37959f2d7 100644 --- a/_sources/generated_api/darts.utils.data.shifted_dataset.rst.txt +++ b/_sources/generated_api/darts.utils.data.shifted_dataset.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.data.shifted_dataset :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.data.tabularization.rst.txt b/_sources/generated_api/darts.utils.data.tabularization.rst.txt index 77e9a68e81..3f268ee18f 100644 --- a/_sources/generated_api/darts.utils.data.tabularization.rst.txt +++ b/_sources/generated_api/darts.utils.data.tabularization.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.data.tabularization :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.data.training_dataset.rst.txt b/_sources/generated_api/darts.utils.data.training_dataset.rst.txt index ed00f626f2..f9368e59bd 100644 --- a/_sources/generated_api/darts.utils.data.training_dataset.rst.txt +++ b/_sources/generated_api/darts.utils.data.training_dataset.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.data.training_dataset :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.data.utils.rst.txt b/_sources/generated_api/darts.utils.data.utils.rst.txt index e7dc5d3508..889e919d9c 100644 --- a/_sources/generated_api/darts.utils.data.utils.rst.txt +++ b/_sources/generated_api/darts.utils.data.utils.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.data.utils :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_regression.rst.txt b/_sources/generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_regression.rst.txt index e2891357e4..a650d5b263 100644 --- a/_sources/generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_regression.rst.txt +++ b/_sources/generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_regression.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.historical_forecasts.optimized_historical_forecasts_regression :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_torch.rst.txt b/_sources/generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_torch.rst.txt index 044e3fc260..ec4090f768 100644 --- a/_sources/generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_torch.rst.txt +++ b/_sources/generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_torch.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.historical_forecasts.optimized_historical_forecasts_torch :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.historical_forecasts.utils.rst.txt b/_sources/generated_api/darts.utils.historical_forecasts.utils.rst.txt index 8a46e62c5a..bcb9095084 100644 --- a/_sources/generated_api/darts.utils.historical_forecasts.utils.rst.txt +++ b/_sources/generated_api/darts.utils.historical_forecasts.utils.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.historical_forecasts.utils :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.likelihood_models.rst.txt b/_sources/generated_api/darts.utils.likelihood_models.rst.txt index ce887a261d..dd6781b44a 100644 --- a/_sources/generated_api/darts.utils.likelihood_models.rst.txt +++ b/_sources/generated_api/darts.utils.likelihood_models.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.likelihood_models :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.losses.rst.txt b/_sources/generated_api/darts.utils.losses.rst.txt index b41b1234bd..3dc95e81bf 100644 --- a/_sources/generated_api/darts.utils.losses.rst.txt +++ b/_sources/generated_api/darts.utils.losses.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.losses :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.missing_values.rst.txt b/_sources/generated_api/darts.utils.missing_values.rst.txt index 3782f7ff65..657aa3e6ae 100644 --- a/_sources/generated_api/darts.utils.missing_values.rst.txt +++ b/_sources/generated_api/darts.utils.missing_values.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.missing_values :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.model_selection.rst.txt b/_sources/generated_api/darts.utils.model_selection.rst.txt index f8899d5986..1c20e0c17d 100644 --- a/_sources/generated_api/darts.utils.model_selection.rst.txt +++ b/_sources/generated_api/darts.utils.model_selection.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.model_selection :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.multioutput.rst.txt b/_sources/generated_api/darts.utils.multioutput.rst.txt index b559f583eb..4bcab6098d 100644 --- a/_sources/generated_api/darts.utils.multioutput.rst.txt +++ b/_sources/generated_api/darts.utils.multioutput.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.multioutput :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.statistics.rst.txt b/_sources/generated_api/darts.utils.statistics.rst.txt index 90b13d579a..63baf96590 100644 --- a/_sources/generated_api/darts.utils.statistics.rst.txt +++ b/_sources/generated_api/darts.utils.statistics.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.statistics :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.timeseries_generation.rst.txt b/_sources/generated_api/darts.utils.timeseries_generation.rst.txt index 146884ff6d..9181d6b8f4 100644 --- a/_sources/generated_api/darts.utils.timeseries_generation.rst.txt +++ b/_sources/generated_api/darts.utils.timeseries_generation.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.timeseries_generation :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.torch.rst.txt b/_sources/generated_api/darts.utils.torch.rst.txt index c166409827..0341f085a5 100644 --- a/_sources/generated_api/darts.utils.torch.rst.txt +++ b/_sources/generated_api/darts.utils.torch.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.torch :members: :undoc-members: \ No newline at end of file diff --git a/_sources/generated_api/darts.utils.utils.rst.txt b/_sources/generated_api/darts.utils.utils.rst.txt index 9a677bbcec..17852d3ef9 100644 --- a/_sources/generated_api/darts.utils.utils.rst.txt +++ b/_sources/generated_api/darts.utils.utils.rst.txt @@ -1,4 +1,3 @@ - .. automodule:: darts.utils.utils :members: :undoc-members: \ No newline at end of file diff --git a/_sources/quickstart/00-quickstart.ipynb.txt b/_sources/quickstart/00-quickstart.ipynb.txt index 027ceb95e7..c4bf8a58f6 100644 --- a/_sources/quickstart/00-quickstart.ipynb.txt +++ b/_sources/quickstart/00-quickstart.ipynb.txt @@ -134,7 +134,7 @@ "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAXQAAAEPCAYAAABShj9RAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAAsTAAALEwEAmpwYAABI0ElEQVR4nO2deXiU1fXHP5M9gZAQIAESMGAEZBcvCLIpVssitYW6VRQq7tJFW6u1lap1+bW2VatWa9Xi1qpoEdzrgiJBlFtAZJXFgAkhYcsG2XN/f7zzTibbLJmZZBLO53nyvJl3ue+9mcl3znvuuec4jDEIgiAIHZ+I9u6AIAiCEBxE0AVBEDoJIuiCIAidBBF0QRCEToIIuiAIQidBBF0QBKGT0J6CbsL958CBA+3eBxmLjKWj/MhY2uynRcRC90BtbW17dyFoyFjCExlLeNJRxyKCLgiC0EkQQRcEQegkiKALgiB0EkTQBUEQOgki6IIgCJ0EEXRBEIROggi6IAhCgBhjqKnxGCLeJoige+D+++9n5cqVvP7669x///0ALFiwgAEDBjB69GjGjBnDZ5991s69FAShPamtNQyfb5jyE0NdXfuKugi6BzZs2MD48eP55JNPmDJlimv/Aw88wMaNG/m///s/rr322nbsYeupqalp7y4IQqfgUDFszYHPtsCaze3bFxH0ZrjlllsYOXIkX375JRMmTOCpp57i+uuv5+67725w3pQpU9i1axdlZWWcc845jBkzhhEjRrB8+XIAjh07xqxZsxg1ahTDhw/n5ZdfBuC2225j6NChjBw5kl/+8pcAHDx4kLlz5zJ27FjGjh1LdnY2AHfeeSdXXnklZ511FgMHDuSvf/2r6/6///3vGTx4MJMmTeLSSy/lT3/6EwC7d+9m+vTpnH766UyePJnt27cD1tPFddddxxlnnMGvfvUrPvnkE0aPHs3o0aM57bTTKC0tDe0fVhA6IUVl9b+/+H47u12MMe31E9Z88cUXZsGCBaaqqsqceeaZrv3z5883S5cuNcYY88orr5hx48aZ6upqU1xcbIwx5uDBg+bkk082dXV15tVXXzVXXXWV69qioiJz6NAhM2jQIFNXV2eMMebo0aPGGGMuvfRS8+mnnxpjjNm7d68ZMmSIMcaY3/3ud2bChAmmoqLCHDx40KSkpJiqqirzxRdfmFGjRpny8nJTUlJisrKyzAMPPGCMMWbatGnm66+/NsYYs3btWnP22Web3NxcM3/+fDNr1ixTU1NjjDHm/PPPN6tXrzbGGFNaWmqqq6tD8rcMNrm5ue3dhaAhYwlP/BnL2i11hsm1hsm1JmVWramsqgthz4wxHnQ1qn2/TlrG4XCEpF3jYw3V9evXM3ToULZv386pp57a4Ngtt9zCPffcQ69evXj66acxxnD77bezatUqIiIiyMvLo6CggBEjRvCLX/yCW2+9lfPPP5/JkydTU1NDXFwcCxcu5Pzzz+f8888H4IMPPmDr1q2ue5SUlFBWZn31z5o1i9jYWGJjY0lNTaWgoIDs7GwuuOAC4uLiiIuLY/bs2QCUlZWxZs0aLrzwQldblZWVrt8vvPBCIiMjAZg4cSI333wzl112GXPmzCEjI6MVf1FBOLFxt9CPlMB7X8Dsie3Tl7AV9PZi48aNLFiwgNzcXJKTk3nkkUcwxjB69GjXBOgDDzzAD3/4Q9c1S5Ys4eDBg/zvf/8jOjqazMxMKioqGDRoEOvXr+ftt9/mt7/9Leeccw6LFy/miy++4MMPP+TVV1/l0Ucf5aOPPqKuro61a9cSFxfXpE+xsbGu3yMjIz36v+vq6khOTmbjxo0N9ufl5QHQpUsX177bbruNWbNm8fbbbzNx4kTee+89hgwZ0qq/myCcqBQ18lS++L5h9sTQGKTe8MmHrpQ6Syn1oVJqpVLqB0qpSUqpNUqp1UqpEc5zeiul/quUylZKzQu0Y54eKwL58cbo0aPZuHEjgwYNYuXKlUybNo333nuPjRs3Eh8f3+w1xcXFpKamEh0dzcqVK9m7dy8A+/fvJyEhgXnz5nHLLbewfv16ysrKKC4uZubMmTz44IN8+eWXAJx33nk88sgjrjYbC3JjJk6cyBtvvEFFRQVlZWW8+eabAHTr1o0BAwawdOlS19/Rvkdjdu/ezYgRI7j11lsZO3asy9cuCILv2Bb6eWOt7YpsOFbePr50rxa6Uioe+AUwQ2td5dz3CTALSASeAGYCtwJ/BD4GPlVKvaq1rghRv0PKwYMH6d69OxEREWzfvp2hQ4d6PP+yyy5j9uzZjBgxAqWUy8r96quvuOWWW4iIiCA6OprHH3+c0tJSLrjgAioqKjDG8Je//AWAv/71r9x4442MHDmSmpoapkyZwhNPPNHiPceOHcv3vvc9Ro4cSVpaGiNGjCApKQmAF198keuvv5577rmH6upqLrnkEhYuXNikjYceeoiVK1cSERHBsGHDmDFjRmv/ZIJwwnLUaaGPyoI9+2FXHuQehMH9274vDm9Wq1JqGnAdkAQcB24AXtRaT3MeX6u1Hq+UygYma63rlFKPAM9qrbWHpts/Ct8LeXl5pKent3c3WqSsrIyuXbty/PhxpkyZwpNPPsmYMWOaPTfcx+IPMpbw5EQdy21P1PGHf8G9VztY9qlBb4fPn3AwbmjI3C4tNuyLDz0NyALGA98B7gJK3I7XKKVigGitdZ1zXzGQ0rghpdQ1wDUAixYt4txzz/Wp9+1FdXW1y/ccjtx4443s3LmTyspKLrzwQtLS0lrsb7iPxR9kLOHJiTqWvIJuQBeoKSI2Mg6IZffeQ6QnVYWkb56+aHwR9CIgW2tdpZT6EEvQ3acBopzHqpVSEU5RTwKONG5Ia/0k8KTzpVjoAfL666/7fG64j8UfZCzhyYk6lmpj2bGZGcmk7rJkLTq+J+npbT8x6suk6DrgVKWUAxgNbAWilFLJSql+1Av3OuAspVQUcDqwJQT9FQRBCCvsSdHkrpDU1fq9uKzl80OJVwtda31IKbUM+ATLqr4SSAfedr6+wXnqH4DngHuAJ7TW5SHpsSAIQhhhT4p2T4QkZ1Rw8bH26YtPceha68eAx9x27QbObHROPhDeTnFBEIQg05yFXnLM4GHuMmRILhdBEIQAaCDoXSwRby8LXQTdA5I+VxAETxhj6gU9DFwuIugekPS5giB4oqIKqqohJhriYqCbLejtNCkqgt4Mkj5XEARfKHKbEHU4HO1uoUv63BaQ9Lnhy4mapjXcORHHsuUbK3Xu4MtqjTH1qXTV1bWh7F4HTJ87pc77Sa3ArPLtoUTS5wqC4A3bQk92RrcktbPLJWwFvb2Q9LmSPlcQfMU9wgXqBb3kePv0J2x96GZVREh+vCHpcwVB8JUmgh7uK0VPRCR9riAIvmALevdEaxsfC1GRdvSLISa6bRcXeU2fG0IkOVeASPrcjo+Mpe2oqzNERPgmsL6O5d7nDL99ynDbZXD/tZYHoMf5dRwpgcIVDnolh0TQW2w0bF0ugneuueYa1wKnuXPntijmgnCis2yVIXG6Ydmq4NqRRWVWe8ld6zW2PSdGxeXSgfnXv/7V3l0QhLCnqtpw06OG4xXw8QbDD6YEz2pu7EMHNz96O8Sii4UuCEKn5um3YO8B6/dgi2yzgt6OFroIuiAInZbySsM9z9W7WUIm6In1+9ozdFEEXRCETss/3oD9h6zoEwi+1eyKcmnO5SIWuiAIQvBY9aVlnV8503odbAvdLm7RnIUuPnRBEIQgcthZzn7YgNDkKW/Oh95NBF0QBCH4HHEK+sC+1jaYbhDjlgs9qT6jRn2Ri7K2X2ojgi4IQqfFttAH9rG2xccsIQ4Gx8qhttbyz8fGNBOHLha6IAhC8LAt9D49IDYGqmugvNLzNb7SeNm/TX1d0eDcxx9E0AVB6JSUVxrKK61qQl3igx8ffqjY2qY0FnSx0AVBEIKLbZ2nhKiaUMFRa5uW0nC/CLogCEKQsf3nPawkpEFfkl9wxNqmdW+4X+LQBUEQgoy7hQ7Bd7m0ZKF3S3DeRyx0QRCE4HDY6eO2LfTkIFvoBw5b0TJp3Rsm+5LkXIIgCEHmiHMVZxMLPcQ+9K7x4HBYYY01NW0biy6CLghCp6SxhR5s37ZL0Bv50CMiHK7VoqXlwbmXr4igC4LQKTlSalnHKYmWS8RewVkUpBWcLU2KWveytm09MSqCLghCp6SJhd5GLpdQ3MtXRNAFQeiUNPGhB9HlUltrXAuLUpuz0NspdNFrCTqlVCawDtji3HUhcBZwE1AOzNda5yqlhgBPOtu8Q2v9YSg6LAhC5+LzrZYL5IyhwS2oHEoL/VAx1NVZbUdHNe23nR/djoVvK3ytKfqJ1vqHAEqpKOBmYCowFrgDuBa4D1gIFADvACLogiB4pOCIYepPDXExcORNa0IxWNgWeo9u1jaYYYstTYjaZKRa29yDgd/LH3x1uUxUSn2qlLoPOAXYprWu0lpnAyOd5/TVWu/UWpcAR5RSPUPRYUEQOg/PvA2VVZZroizIESG2hZ7iFPRgukE8TYgC9E+1vpj2FbRt2KIvFno+kAUcB/4BzAHcHyQinVv3L4diIAU45N6QUuoa4BqARYsWce6557au121EdXU1eXl57d2NoCBjCU9O5LHU1sHjy3phy9CO3Qfo26MuKH0xBg4X9wYclJftJ68KyssigVSOFNeQl+fZdPY2lm2744FkusWVk5dX1OR415g4oDs7cpo/Hgjp6ektHvMq6FrrSqASQCn1H2AB4P4dV+vcur8TScCRZtp6EsvPDtD22d/9JC8vz+MfryMhYwlPTuSxvLPW8O3BehlISOxNenpwXC5lxw3VtYb4WMgaYPUpposBDGWVUV776W0s1VhtZabHk57epcnx0UOs4wdLmz8eKnyZFE3UWju9UUwG3gKuU0rFAArY5DyWr5Q6GSgEUrTWh5q2JgiCYPHE8oY2XTAjQlyJubrV77MnRYvKrCIXDkfrvzwKjjqX/ac030b/NGu7r6DVt2gVvrhcJiml7sFyuXyDNQlaAXzs3M53nvcbYAmWC+Z3we6oIAidh8Kjhjc/g+goGJoJX+6CkuPBa9+VmMtN0GOiHcTFGCqq4HiFlSO9tXjzofftARERkH8YqqoNMdHBjeBpCV9cLu9gRa2487Lzx/28rVgWvCAIgkd27LPC/sadChm9nIIexEU4zVnoYE2MVhyxIl0CEnQPi4oAoqIcpPc0fFsIeQdhQN/W38sfZGGRIAhtTv5ha9u3R2hWVTZnoYNb6GKA7p0DXix0cHO7FAZ2L3/wNQ5dEAQhaNiC3qeHVSIO2shCD9KXhzeXC0A/Zyx6W/rRRdAFQWhz8p25xPv0cFDtTDFbctwAwfE1t2ShB0PQ6+oMBz0s+7fp3w6CLi4XQRDaHHcLPamrJeLBjXKxviR6dGuh+EQA9zpcArW1lvsmNqblL6D+aW2/uEgsdEEQ2pz9boJunHoX6igXaBi62Fpc7pYWJkRtxIcuCMIJgbuFfqzC+j3UcegQHJeLLxOi0D6x6OJyEQShzXEXdLuocjAt9EJnWGGv5Ib7kxNt907r3SD//sC6dtgAz+e5C7oxbeN2EUEXBKEB1dXVLF26lB/84AecfPLJfPHFF0Ftv7LKcKQEIiMtwbXLtQUzysXOcmhnPbQJ1ELfs9/w7HtW32++yPMEbnJXq75oWXlgLh5/EJeLIAgN+NnPfsbjjz/uer18+XLGjRsXtPZtl0XvFCtdblIXy3oNVhx6dY0h/7BVqLlPj4bHAhX0e58z1NbCghmQleFZ0B0OB/3TDFtzLCu9e2Lr7ukPYqELgtAA2yKfMGECAAUFwXUCu7tbIPgW+oHD1kRr75SmxSfshUVHS5u50Avu1vlvLvctvLKt/egi6IIgNOCbb74B4IorrgBCKOjOKJFgrxR1uVt6NT1mR6YUNMkF650Vq61wxQvP8m6d29h9aKtCFyLogiC4KCkp4ciRI8TFxTFypFW7JtQWepd4yz1yvAJqagKfPPQk6PY97bBJf9iVZ/Vt3Km+L36yJ2Xt+qOhRgRdEAQXOTk5AGRmZtKnTx8g+IK+/5C9StR67XA4XG6X0iBULWppQhQsNwxYFnpdnX9fHrv3W9uBfXy/pleyJf6HiiTKRRCENsZ2twwYMIC0NMsBXFBQENSwu3oLvd7SdbldghANklto9TWjV1NLOjbGQUo3qKn132re4xT0k/2oR9LTWaD6oFjogiC0Ne4WekJCAl27dqWyspKSkuCVr2/scoHgxqJ7crm43zffD7dLba3hm3zr94F+pMJ1uVyKfL8mEETQBUFw4W6hAw2s9GCR75yQ7OtWRt7OsRKMSJdQCHruQaiusVw2CXG++9DFQhcEod1oE0H3YKEHI9LFkw/d/b7+CHpr3C0gFrogCO2I7XJpLOgHDhwISvs1NYbCo1ZUi3sulGDFotfWGvY7qxn37dH8Ofb+/X5UPbYnRE/2s/KQbaEfKm6b5f8i6IIgAJbg2BZ6ZmYmEHwLvbDIWvTTK9kq02YTrFj0wqPWhGevZIiLbd41Yk/G2jnZfWHPfuvcgX39y9feJd5BfCxUVMGxIETweEMEXRAEAI4cOUJpaSmJiYmkpFjxfcEW9ObcLRA8C92b/9z93v64XHbnWVt/XS7Q0EoPNSLogiAADd0tDodliQZb0Avc8ri4062Ldb+SY4G5JUIm6K10uUC9H/1gEXy5yzDv93X8443QuF9E0AVBAGjiboHgC/rBImvbOK1tsFwu3iZEIbBJUX9CFm3cLfQvd8GL78PKDSLogiCEkMYRLgC9e/cGgifottvBFjmboLlcPCwqsnFf/u/LROXRUsPRUitFgacaoi3hbqHbvvgBfqw29QcRdEEQgKYRLhB8C/1QsSVoPZMa1foMtoXuweXSJd5BYgJUVfuWddHlP++LyxXlD+4WumtxUp/gFMNujAi6IAhA8xZ6sJf/2xZ6Y5dLW06KQv2iJl/cLoG4W6A+n8vBIsMep6CLhS4IQkjJzc0FoF+/fq59Xbt2JSEhgfLycsrKAk+00qLLJUhL/791FmT25EMH//zogUyIQkMLPdAvB2+IoAuCAEBhoaWGtlVuE0y3iz0p2ljQ7aX/gSTnOlpq5VuJiYaT0jyf60nQH15quPTeFEqPW08kO/ZZW19zoDfGfhrJPWgtZoqM9P4E0VpE0AWhA7F27VoOHfJjiaOP1NXVudrt2bNng2PBFHSXhZ7ccH8wLPS1W6ytGmxlVfSEXVyjsaAfOGy49e+GTzfH8u7n1r6Nu6ztqJNb1y/7y0tvt7YnpTVcVBVMRNAFoYOwbds2JkyYwPjx4yktbUUNNQ8cPXqU2tpaunfvTkxMTINjwVz+35LLxWWhB+BDz/7KsqTPHO79XHu1qJ2b3ebBVwyVVdbva7cYKqsMW76xUhWMbKWgNy5yESr/OYigC0KHYf369QDs3r2bn//850Ft23a39OrV1BcQLAu9ttZwpMQSx5RGBZPjYiAqEiqroLKqdZOv2Zut7cQR3q3f5lwuR0sNf3u9/vXarbA1x0olMKifFR3TGho/jYTKfw5+CLpS6lKl1EHn7xcqpdYopT5USmU49w1RSq1y7j8nVB0WhBOVXbt2uX5/5plneO2114LWti3oqalNZxODJehHS608Lt0Tm7ocGlQt8tHtYozhjqfqeP1TQ3WN4Ytt1n7fLHRr6y7oj/0Hysph3KnW6/99DZ872zztFN/61BwpidaXmM2AEIUsgo+CrpSKBC4EvlVKRQE3A2cBi4E7nKfdBywEpgN3B72ngnCCYwv6hAkTAIJqpXsS9GAtLmrJ3WLjbyz6V3vgnufg0rsMb2RbNUlPyYDU7t4Fs59zmPsK6/c9vtx6MrjvGgdZfWuorIIl71j7Rme1XoQjI60qSTb+lLDzF18t9EuBpUAdcAqwTWtdpbXOBkY6z+mrtd6ptS4BjiilerbQliAIrcAW9Pvvv5+4uDhyc3ODEkoIcPCgFcDtyUIP1IfeUoSLjb3fzvfijQNO67qiCq78g+/+c4D+aZbVnHvQSulbXGal3Y2PhWljYMwpliP9863W+YFY6AC93Mbcrj50p3V+EfCyc1d3wL0eVWQzbRUDjdLvCIIQCLagn3LKKWRkZADw7bffBqVtTz50u1h0oILuzUI/yXoQYK+PDwLu2QvtcEdf/OdgRcH07Qm1tZao5ziHltnbcv+MyapucP7oAAXd3Y8eSh96lA/nzANe0VrXKaUAigC3Bwhqnds6t31JQJPvWaXUNcA1AIsWLeLcc89tRZfbjurqavLy8tq7G0FBxhKe+DqW4uJiDh06RFxcHHV1daSmprJr1y42bNhAt27dvF7vDXuVaExMTJP+2Mvdc3NzPfbV21h25sQDySTEHCcvr2ku2R5dEoGubNpRzJRTvftddu5NAJKIizFUVFl9zEotJC+vxuu1AH1TepB3MIZ1mw9RcswBpNCnewV5eUcZMQAsGYO07rVUHy8kL4CQyq6x3YE4usTVUVFWQF4A0Tzp6S3n8PVF0IcCpyml5mG5W34CnKqUigEUsMl5Xr5S6mSgEEjRWjcJltVaPwk86XwZ+vIdAZKXl+fxj9eRkLGEJ76OxbaObes8KyuLNWvWUF5eHpS/xfHjlloNGjSoSXt2bvSDBw/St2/fFvOZeBtLbYQBDCf1SSA9vWuT48OyrONHy7uRnp7stc81Thty0RwHy1dbC4qmjk0lIsI3K31Q/zrW7YCy6p6UVgEYhmTGkZ6eTk1tHl3iraIUpw+ODPhv3K+31deT0yPIyAjdZ9eroGutb7V/V0pprfX1SqmLgY+BCmC+8/BvgCVYLpjfBb2ngnACY7tbsrKygPrl+W3hcomPjycpKYni4mKOHj3qEnh/OVTUfGIum0w/XS62T35AHwdfLYHICHwWc+s6a5tzwFBUWt8WWCGUY4fAxxsC959DfSx6KP3n4JuF7kJrrZzbl6n3qdvHtgKTg9c1QRBs2krQm5sUBcuPXlxcTH5+fqsF3a583zgu28blQ/fRVe+eW93bytDmyOztAAw5+fVZF90F98czHGzeY/jhWYGHGVpfFIbhA7yeGhB+CbogCO1DqAXdU5QLWKGL27dvJz8/n2HDhrXqHnbl+xYnRZ35V3IOWDHm3lLVeptk9UamU7y/yYci56Squ6BfMd3BFdODEzN++XmQkujgOyoozbWICLogdAB27twJhEbQa2pqOHz4MBERES1a33akS35+fqvv01LqXJukrg6SuhqKy6xzWzrPpqXqR75iu3jcBT0zRC6R2BgHc6aGpm13ZOm/IHQAPFnogeYpt5Ny9ejRg8jIyGbPCUbooi8WdaYfbpdALfR+qRARYYUtlpVbOdm7J3q/LpwRQReEMKe0tJSCggJiY2Nd8edJSUl07dqVY8eOUVRUFFD73vznUL9aNBgWuicBdne7eKKuznDYuRqmRysFPSbaQbrb8scBfVpXkSicEEEXhDBn9+7dAAwcOJCICOtf1uFwuKz0ffv2BdS+N/85BO5yqawylB63okfsnC3N4evE6NFSqKuD5K4QHUAqWvuJAEIfgdIWiKALQpizZ88eAE4+uWH+1mD50T2FLNoE6nJxt849WcFW5AnsLfDsRgrUf27jLuLu4t5REUEXhDDHXn3pXhrO/XWwBD2ULhdvE6I2LpeLl9sE6j+3cZ8EDWUWxLZCBF0Qwpz9+61ClH37NkwCEixBbwuXi68C7Gs+l2BZ6PYTAYjLRRAEJx988AH3338/dXV13k/2k5YEvX///kDbWOh2JaOSkhJXmgB/cMWgJ3s+z1dBD5qF3rv53zsqIuiCEAR+9rOfcfvtt/POO+8Eve1QW+i++NAdDofL7eKLH/1f7xum/qTOVeLNzjvuTYB7JkFCnJU9sai0qR+9otJQV2dC4kMXC10QBIwx5OTkALB06dKgt99Wgu7JQgf/3C5/X2FY9SU8tNQS5Vc/traTR3r2UzscDpcfvbGVvjXHkDzLcNvfDQe95IXxlX6pVnm58cOga4L40AXhhOfo0aMuN8Trr79OZWVlUNv3Jui5ubk+u3qMMfzxj38kOzvbtc8XHzr4J+j7nGL8zNuwabdVHq5bF/i+D9meWgpdfO0Tq+boP96oLx0XqIUeGelg87MOVj/a8cUcRNAFIWDcLeTi4mI++OCDoLV9/PhxioqKiI6OpkePHg2OJSQkkJKSQlVVlUuUvbF27VpuvfVWZsyYwTfffENubi65ubmAd0H31eVSW2vIdXbncDH86G7Lmr7wLIiP9S6c/Z3d+Law4f5PNlrtFJXBO59b+7z55H0hOspBZKQIuiAINHV5vPLKK0Fr27aGW8pD7q/bxT6vtLSUefPm8cMf/pCKigqmT59OcnKyx2t9tdAPHIGa2vrXW6zaGVz+Xd9Es3+add4+t1j0qmrDms3155Q4C0T0CnBStLMhgi4IAWJbuJMmTQJg+fLlQXO7uAt6c/hbis7dul6zZg2ff/45/fv357nnnvN6ra+CbrtbBveHrvHW7yf1hskjW77GneYKOK/bDuWV9e3ZBMNC70yIoAtCgNhies455zBy5EiKi4tZuXJlUNpuyX9u4+5H9wVb0M855xwcDgexsbG89tprHiNcbHxdXGS7SoaeBFd81/p9/nTfi0/0T2vYDsAnG63tvPMgw62rgfrQOxsi6IIQILag9+vXj2nTpgGwcePGoLTtq6D7a6FffPHFZGdns27dOpy1gr1ix73bET0tYVvo/dPgj9c7eP63Dm6f57uP2hb0fW5RLrb//KzRDtfEakx0U4v9REfyoQtCgNjWcb9+/VzRJlu3bg1K26ES9N69ezNhwgS/+jJw4EDAKihdV1fnShQGsOYrw/+2xvGTi2FfoSW+/dMcdIl3MO88v27jyoCYdwhqagwGyHb6z6eOhl7JDh79jyGte8fPjhhsRNAFIUDcLfSEhAQAtm3bFpS2vQm67UP31+Viu0/8ITExkdTUVAoLC9m/fz8ZGRlUVhl+8w/Dn18G6M6Zo00DC701xMY46J1iOHDECk/cf9gq1jy4P/Tu4SC1u+H2y2H4ABHzxoigC0IAGGNcYpqRkeEK/du2bVsTK7Y1hNJCbw0DBw6ksLCQ3bt3UxuVzvd+bdi0u/74B9rN5eI5CtIj/dOsaJl9hbiiW6aOsrYREQ7uvVrEvDnEhy4IAXDo0CEqKipISkoiMTGRHj16kJaWxrFjx4JSHs5XCz0vL4/a2tpmz7Gpq6vzeVVoS9gpfHfv3k3PJKiogqx0uOVS6/hH640rOqW1Fjq4RboUwLrtlgtnwnARcW+IoAtCALj7z21OPfVUIDhuF2+CHhcXR69evaipqXGJdUscPnyY2tpaUlJSiI2NbVV/bEHfs2cPXeIdvPl/DjY87eAXF1tiu+pLazFRTDSkdm/VLYCGkS56u/W7Gtz69k4URNAFIQDc/ec2Q4cOBQKfGC0tLaW0tJT4+HiSklpeQeNrLLrtbklLa73pbE+M2lWUTunnoGuCg7QUB4Mzqqmoss6z6nW23qLun2pdu2Gn4Zt8K2HXkP6tbu6EQQRdEALAFlFbVCF4Frq3VaI2vvrRA/WfQ0OXS2POHFZV36cA/OdQb6G/9Zm1Pe0UiAqg1NyJggi6IARAKC10b+4Wm7YUdNtCt8viuTNxWP3q2EAmRKH+C6HUmXpd3C2+IYIuCAHQnA/dXdCN8Vwb0xP+Crq30MVgCHqfPn2Ij4/n8OHDFBcXNzg2YWgVdlBPIBOizV2vhoh17gsi6IIQAM25XNLS0khOTqaoqIiCAi+ld9x48803WbhwITk5ORhjeP/994H6HCot4a8PPRBBdzgcLVrpSV0MYwZZv9sJtlpLr2SIjal/LRa6b4igC0IANOdycTgcrXK73HXXXTzzzDOMHDmSmTNnsmTJEqKiopgzZ47H6zy5XDZs2MApp5zCU089FRRBh6YTo+78+jIHE0fA7DMDugUREQ5XzpbEBKsIheAdEXRBaCW1tbXNulyg3u3iz8SoLZClpaW8++67JCQk8MYbbzB5sueqEC25XKqrq/nxj3/Mrl27WLx4sUvwAxV0TxOjc6Y6WP1YBL17BO4isf3wpw8OLGLmREIEXRBayf79+6muriYtLc215N9myJAhAGzfvt2ntoqKijh69CgJCQk8/fTTzJgxg48++ojp06d7vTY9Pd3VH/fFRQ8++CBffvklYEXMrF69GgieoDc3MRpMbD+6uFt8x+vSf6VUGrAMqAZqgcuAk4E/AnXA9Vrrr5RSvYHngC7A41rrF0LWa0EIA+ysg5mZmU2OnXLKKQDs3LnTp7a++caqAjFw4ECuvPJKrrzySp/7ERMTQ1paGgUFBeTn55ORkcGePXu48847Afje977HihUrXBO0gcSh232E5i30YHLZuQ7WbTfMny7Wua/4YqEfAiZpradiCfZC4F5gFvAj4A/O827FEvmpwI1Kqbjgd1cQwodgCrpt7dpi6S+NU9v+4x//oLy8nEsuuYR//vOfxMVZ/44RERH07NmzVfew8eRyCSbnjnWw5bkIhg8UQfcVr4Kuta7VWtsVaBOB3UCt1vqo1nofkOI8Ng74SGtdA2hgeCg6LAj+sGvXLtLT03nwwQeD3rZtVQ8YMKDJsYEDBxIREUFOTg5VVVVNjjcmUEEfPNjyS9guni1btgAwd+5cUlJSuOSSSwArh0tkZGSr7mGTmZlJamoqffr08bk4tdA2+ORDV0qNVkp9DiwC1gAlbodrlFIxQLSb8BdTL/SC0G68/fbb7N+/n1/96lds3rzZ+wV+4MlCj42NpX///tTV1bmE3xOBCnrjqBpb2G1f/g033IDD4XCtYg2E2NhYCgoKWLNmTcDZJIXg4lP6XK31RuAMpdRFwG+Abu5taK2rlFLVSqkIp6gnAUcat6OUuga4BmDRokWce+65gfY/pFRXV5OXl9fe3QgKJ+pYNmzYAEBNTQ3z58/n9ddfD5oI7dixA4CuXbs225/+/fuTk5PD2rVr6dq1a7Nt2GOxo2GSkpJa9T7Z2RM3bNjAnj172LNnDxERESQkJJCXl0ffvn1ZsWIFvXv3Dtnn4ET9jLU19iR4c/gyKRqjtbafGYuBMiBKKZWM5YKxhXsdcJZSahVwOvCrxm1prZ8EnnS+bP0SujYiLy/P4x+vI3GijsXOh+JwOFi/fj1vvPEGN9xwQ1D6YbetlGq2P8OHD2fVqlUcOXKkxf7aY7HFY+zYsa16n+zQxj179lBRUUFtbS1ZWVkNLP5Qv/8n6mcsnPDFVBmtlFqllFoJ/Bx4APgt8DbwEvBr53l/cP6+CnhCa10e/O4Kgn/Yk5J33XUXAI888khQ2q2pqWHfvn0AnHTSSc2e4+vEaG1trUf3jS8MHDiQmJgY9u3bx7p164B6d4tw4uDVQtdafwFMabQ7Hziz0Xn5QHj7UIQTiqqqKnJycoiIiOBnP/sZd955J19//TUVFRWuqI/WYheU6NOnT4tt+Sroubm51NTU0LdvX+LjW1f1OCoqikGDBrF582Zef/11QAT9RERmNIROi13MuH///nTr1o2srCzq6ur4+uuvA27bF4t60CArsUlLgl5bW0tlZWXAE6I29sTou+++C4ign4iIoAudFltIbUt52LBhQH1IXyB4Clm0yczMJDIykn379lFRUdHgWG5uLkOHDmXSpEl89NFHQOCCbkew2PcSQT/xEEEXOi2NBd22YIMh6L5Y6NHR0QwYMABjTINl8oWFhXznO9/h66+/Jj8/n3vuuQcInoVuI4J+4iGCLnRaQmmh+zqJ2diPXltby8yZM9mxYwcjRoxocH2wLHSAnj170qNHj4DaEzoeIuhCp8X2lbeXy8X93nZftm7dyv/+9z9SU1N5//33eeaZZ0hMTATqV3u2lkGDBrli7IOxgEjoeIigC+3Otm3bePjhhxtkCgwGjS30wYMHExkZye7du5v4tP2ltRa67Xo5/fTTSUtLY9CgQXz88cc88cQTjB07NqA+xcbGuvKsiLvlxMSnlaKCECoOHz7MOeecQ35+PgMHDmT27NlBabeiooJvv/2WyMhIlxUdGxtLVlYWO3bsYMeOHYwaNcqvNsvKynjrrbf44osvyM3NxeFwNMmD3hg70sVeVdpcRMuYMWMYM2aMX31piaFDh7Jz586ArX2hYyKCLrQbxhiuvvpq14rLTZs2BU3Qd+/ejTGGAQMGEB0d7do/dOhQduzYwZYtW3wW9OLiYhYtWsRrr71GeXn9ernRo0cTGxvr8VrbUrYF3c5QGKi/vCVuuukmqqurmTdvXkjaF8IbEXSh3Xj66adZtmyZ67U/5dq80djdYjNs2DCWLVvmlx/9P//5Dy+8YKX3nzhxItOnT2fUqFFMnTrV67UZGRnEx8dTUFBAUVGRy0K3XSPBZurUqT71S+iciA9daBeMMSxevBjAlVvFn3Jt3rAt4uYEHfybGLX7tXjxYlavXs1vf/tbZs+eTbdu3bxcaeUfd3e7BGsRkSA0hwi60C5s2bKF/Px8+vTp44rD3r59e9Dya2/cuBGgiVvFFnR/ngbsCJXGcd6+Yrtdtm3b5nN0jCC0BhF0oV348MMPAZg2bRrdu3enT58+lJeXs3fv3qC0b6fNHT16dIP9gwYNckW6HD9+3Ke2bGu/tRON9nUfffQRVVVVpKWltZhOVxACQQRdaBdsQT/nnHOA+rjpYPjRjx07xtdff01UVJTLIreJjY1lyJAh1NXV+eR2qampcU1kNnbf+Iot6HaOFXG3CKFCBF1oc2pqavjkk0+AekG33RnB8KN/9dVXGGMYOnRos1Eothvmyy+/9NpWTk4O1dXVZGRk0KVLl1b1xxb0gwcPAiLoQugQQRfaHK01JSUlZGVluYobB9NCt90tp512WrPH/RF0238eSFx342tDFeEiCCLoQpvT2N0CwbXQ7QnRxv5zG38EPVD/OVgl6tyr34iFLoQKEXTBI9XV1UFvszlBd7fQjQmsOmFLE6I2tqBv2rSpxXtVVlYC9YJuhx62FvcvBBF0IVSIoAst8vXXX5OWlsaiRYuC1uahQ4fIzs7G4XBw9tlnu/anpqaSkpJCSUkJ+/fvb3X7NTU1fPXVV0DLgt67d29SU1MpLi5uNqpm6dKlxMfH89hjjwXF5QINc6uIy0UIFSLoQovcd999HD16lOXLlwetzSVLllBVVcWMGTPo2bOna7/D4XBZ6YG4XXbs2EFFRQWZmZkkJye3eN7IkSOBpm4XYwx33nknxhhuueUWl7UfqKDb18fFxdG7d++A2hKElhBBF5pl3759vPjii4BVXaeoqMiv67/99lvOO+88fvjDH3L33Xe7ysE9+eSTAFx33XVNrmlNAYrt27fz8ccfu17b/vOWJkRtWvKjf/DBB66J2fLycoqKioiNjXVN3rYWW9AHDBjgSnErCMFGPllCs/zpT3+ipqbG9drfHOIvv/wy77//Pq+99hq/+93vOOOMM/j73//Ozp07ycjIYMaMGU2usV0k//vf/3y+z9y5czn77LNZsWIFgKucW0vuFpuWBP2hhx4C4Kc//anLws/KyiIyMtLnPjXH1KlTmTt3LrfddltA7QiCR4wx7fUT9uTm5rZ3F4KGP2MpKCgwcXFxBjBjx441gHniiSf8ut8NN9xgAHPppZeaqVOnGsD1c9dddzV7zbp16wxgBg8e7NNYampqTFRUlAFMz549zWOPPWYAExkZadavX++xjS+//NIA5uSTT3bt27FjhwFMXFycOXjwoHn66acNYH784x/7NXZ/OFE/Y+FOmI+lRV0VC11owiOPPEJFRQWzZ8/moosuAmDz5s1+tWHnLLn44ot56623OOOMMwCIjIxk4cKFzV4zcuRIYmNj2bFjh08unsLCQtdTxKFDh7jxxhsBeOCBB7y6XIYMGUJ0dDS7d++mtLQUgCeeeAKAyy+/nJ49e3LllVeybt06HnzwQe8DFoQwQARdaEBZWRmPPfYYALfeeivDhw8HWi/oAwYMoEuXLrz11lvMmjWLxYsXN4jJdicmJsYlxFprr/fIy8sD4KSTTnLVz7z44ov5+c9/7vXamJgY18SofS/bF3/ZZZe5zlNKkZSU5LU9QQgHRNCFBjzzzDMcPXqUCRMmMHHiRJeg28vpfcEY06REW48ePXjzzTddKXNbYty4cQB88cUXXu+Tm5sLwIgRI3j//fe59957efrpp3E4HD71c/z48QB8/vnnlJeXs2nTJiIiIlBK+XS9IIQbIuiCi5qaGpd74ZZbbgEgPT2dpKQkDh8+TEFBgU/tHDhwgIqKClJSUnzKGe5OawQ9IyOD0047jdtvv92vfCu2oK9du5YNGzZQW1vL8OHDW52zRRDaGxF0wcWyZcvIycnhlFNO4Xvf+x5gxYf763YJJOe3Leiff/651ycCd0FvDe6C/vnnnze4vyB0RETQBRcrV64EYOHChQ3C9PwVdNvd0hpBz8rKIjk5mQMHDrgEuyUCFfSTTz6ZHj16UFBQwNKlSwERdKFjI4IuuLBXaDau8tOWFrrD4fDZ7RKooDscDpeV/tlnnwEi6ELHRgRdcGGvkLSX4Nu0paADrhDHUAs61LtdABISEpoUxBCEjoQIugDA4cOHKSwspEuXLvTr16/BMVvQN23aREVFhde2AhV0O3TRU3pbY4xL0FsKg/QFd0E//fTTiYqKanVbgtDeeP30KqXGAQ8D1UAecAXwfeAmoByYr7XOVUoNAZ50tnmH1vrDUHVaCD62u+XUU09tkmukZ8+ejBkzhvXr1/Phhx8ya9Ysj20FKugtLcs/duwYS5YsISoqirlz51JZWUlycnJA9TnHjh2Lw+HAGCPuFqHD44uF/i0wTWs9BcgBLgBuBs4CFgN3OM+7D1gITAfuDnZHhdDSkrvFxo56sXOmtERNTQ379u0DrAU/rSEzM5PExEQOHDhAYWEhAM8++yxZWVksWrSI66+/3hWVEoi7BSApKcmVFGzs2LEBtSUI7Y1XQdda52uty50vq4DBwDatdZXWOhsY6TzWV2u9U2tdAhxRSvVsrj0hMB5++GEuuOACLrjgAm6++eYGCbQCwbbQbXFrjC3ob7zxBnV1dS22k5ubS21tLX379iUuLq5VfYmIiGiQ3nbTpk0sWLCAAwcOEBsbizGGP/3pT0Dggg5WmuAFCxa4xigIHRWfHYZKqZOA84DbgF5uh+z4Nvcvh2IgBTjUqI1rgGsAFi1axLnnntuKLrcd1dXVruXl4cChQ4eaLGsfOnRos5kLG+NtLHbe79TU1GbP69WrF3369CE/P5933nmnQTbDmpoa1qxZQ3Z2tuva9PT0gP52WVlZZGdns2rVKlc8+gUXXMCMGTO47rrrXMv0u3fvHvB7dPrpp3P66adz5MiRgNppDeH2GQsEGUvb4GnOyCdBV0p1A54HFmAJuPvyv1rn1t1sSwKa/HdorZ/E8rODlXkvrMnLywtowi3YfPrpp4AVWjd27Fgee+wxVqxYwVVXXeX1WvexbNu2jbKysgYuhj179gAwefLkFsf8gx/8gL/97W+sXbvW5Uf/z3/+ww033NBkFemoUaMC+tudeeaZPPvss+Tk5HDw4EHAytPygx/8gF/96leUlJQAVmm4cHqP/CXcPmOBIGNpf7y6XJRSUcBLwF1a6x3ATuBUpVSMUupMYJPz1Hyl1MlKqUQgRWt9qIUmhVZi1+KcM2cOixcvJioqirfffpsDBw743Mbx48eZPHkyZ555Jjt37gSgtLSUb7/9lpiYGI8TmRdccAHQ0I9+7733UlBQQFZWFrfddhsPPPAADz/8MPfcc09rhujCdrmsW7eOVatWAXD22WcTFxfX4IkkGC4XQegs+GKhXwqcAdyhlLoDeBx4CPgYqADmO8/7DbAEy4L/XZD7KdCwuHJqaiozZ85kxYoVvPDCC/zyl7/0qY2XXnqJw4cPA1aa2SeffJLt27cDVlUdT2F7U6dOJTExkU2bNpGTk0NycjIbNmwgJiaGL7/8koSEhABHWM+IESNwOByuIs3Dhg1zlW6bM2cOL7/8MiCCLggN8JQsPcQ/YU84Jbnfs2ePAUxycrKpqakxxhizbNkyA5ihQ4eauro6j9fbY1FKuQpNxMTEmLy8PLNkyRIDmIsuushrP+bOnWsA8+ijj5oVK1YYwEyePDnwATbDKaec4urrT3/6U9f+vXv3mn79+hnA7Ny5MyT3bivC6TMWKDKWNkMKXHR0bOv87LPPduVZmTVrFr169WLr1q0+5Q/XWqO1pnv37syePZuqqiruu+8+V9stRbi4M3v2bMCKdrEnJqdOndqaIXnFPQXBOeec4/o9MjKSt956i2XLlpGVlRWSewtCR0QEvYPg7m6xiY6O5sILLwTg3Xff9dqGXZFnwYIF3HXXXQA89thjPP/884D3OpwAM2fOxOFwsHLlSt5++20AzjrrLJ/H4Q+2oEdERDT50hgxYgTf//73Q3JfQeioiKCHEXv37mXRokXk5+c32F9TU+Mqfuwu6ADTpk0D6qvttMSePXt44YUXALj22ms57bTTmDt3LmDlTnniiSc4//zzvfaxV69ejB8/nqqqKrZv3050dDQTJkzwaXz+YheaGD9+vFQNEgRf8OSPCfFP2NPWfrRFixYZwFx55ZWufbW1tWbevHkGMAMGDGjiKy8sLHQVNq6oqGi23bq6OjNx4kQDmCuuuMK1v7Ky0hQWFvrdz/vuu8/l2540aZLf1/tKXV2defzxx83WrVsb7A9z/6ZfyFjCkzAfi/jQOwL24p5XXnmFY8eOYYzhxhtv5IUXXqBLly7861//alJerVevXgwfPpyKiooWsxM+99xzZGdn06NHD/785z+79sfExNCrV69mr/GEuyUfKncLWOltr7vuuhbTEQiC0BBJLRck9u3bx/333095eTlRUVHceOONXivPu1NXV8emTVZIf1lZGa+99hpg+b1jY2N54403GmQGdOess85i8+bNfPzxx0yePLnBsY0bN3LzzTcD8Je//IWePQPPyDB8+HAyMzPJycnh7LPPDrg9QRCChCfzPcQ/YY8/j13XX3+9yw0BmFGjRnkNJXTHDku0f8aOHWt69eplAPPMM894vPbVV181gJk2bVqD/e+9957p2rWrAcx3vvMdv/rjjezsbPPQQw8FtU1fCfPHYb+QsYQnYT6WFnVVBN0D/rypdsz0PffcY3r37m0A8/bbb/t8vR1TPn78eBMfH+8S9smTJ3sVzeb86Js3bzZRUVEGMD/60Y/M7t27fe5LuBPm/2x+IWMJT8J8LOJDDyX79u1j586ddOvWjVtvvdXl4rjvvvt8bsPO/T158mRX9ElUVBSPP/54E795Y5rzoy9dupSamhouuuginn/+eWJjY1szNEEQOhAi6EHAjhGfOnUqUVFRXHfddSQnJ7N69WpWr17tUxu2oI8aNYqbbrqJxMRE7r77bp9Lotm+7LfeeguA//73vwDMmzevScEKQRA6J/KfHgQaL/pJTEzkJz/5CWDlS/EFW9BHjhzJmDFjKC4u5te//rXPfbCt+pdeeokjR47w+eefExUVFdIoFEEQwgsR9AAxxjS7ivO6664D4KOPPqK2trbZa21KSkrYs2cPMTExDBkyBMCrm6UxkydPpl+/fuzdu5ff//731NXVMXHiRBITE/1qRxCEjosIeoBs27aNAwcOkJaW1sA90rdvXzIzMykrK2PLli0e2/jqq68AK5dKdHR0q/oRERHBpZdeCsBf//pXAM4777xWtSUIQsfkhBD0/Px8srOzyc7O5ttvvw1q27Z1Pm3atCZWtb0kfu3atR7bWL58OdAwGVVruOyyywBcJeK++93vBtSeIAgdi04v6EePHmXYsGFMmjSJSZMmMWTIEPbu3Ru09u0cKo1zrACuhUAtCXpdXR033XSTy88+Z86cgPoycuRIhg8fDkCPHj38WtgkCELHp9ML+j//+U+OHj1K79696d+/P8ePH2+w/D0QjDGusnBTpkxpctwW9M8++6zJsYqKCi6++GIeeughoqOjeeGFF4JSpHjevHkATJ8+XaJbBOFEw1OQeoh/Qk5tba0ZOHCgAczy5cvNpk2bXAtwCgoKvF7vvrjg3//+t3n99dcbHN++fbsBTFpaWrOLfyorK01sbKwBzJEjR1z7Dx065EqW1a1bN/Phhx8GMMqm93zkkUfM/v37WxxLR0fGEp7IWNqME3Nh0TvvvMOePXvIzMxk1qxZjBgxgvPPP5+Kigoefvhhn9vZvXs3l156Kd///vd55plnXPvtGPNJkyY1G5USExPD6aefDtAgcdYVV1xBdnY2GRkZZGdnu1LgBoOYmBgWLVpEnz59gtamIAgdg04t6I8++igAN9xwg6vKz+233w5YhR2Ki4t9aseuXwlw1VVXuV7b7pbGCbHcaex2qaqqck2krl692uXzFgRBCJROIegVFRVN9u3atYt3332XuLg4rrzyStf+CRMmMHnyZIqLi3n11Vd9at8W8BkzZmCM4fLLL2fHjh1+Cbo9Mbpp0yYqKysZPHgwJ510km8DFARB8IEOL+iPPvoo8fHxfP/7328Q7/3kk08CcMkll9CjR48G11x++eUArhS1nti6dSubNm0iOTmZ119/nfnz51NdXc3VV1/Nnj176Nq1KyNHjmzxejt0cc2aNVRXV7tcL+PGjfNvoIIgCF7o0IJeV1fnilhZvnw5I0aM4O9//zuVlZUuX7e9YtOdCy64gIiICD744AOKioo83sO2zufMmUNMTAz33XcfCQkJLuv8zDPPJCqq5bTyGRkZDB06lNLSUj799FMRdEEQQkaHFvTVq1eTk5NDRkYGN9xwA8YYfvazn/H73/+ew4cPM3r06GaFMzU1lcmTJ1NdXe1KZtUcxhheeuklwLL0wVoB+otf/MJ1jid3i83s2bMBePPNN0XQBUEIGR1a0J977jnAihp57LHHWLhwIZWVldx7772AZZ23lBPFTmblye3y3nvv8fXXX9OnT58GlXluueUWUlNTAZpUo28Ou2Tb0qVL2b59OzExMQGvChUEQWiCp5jGEP8ExPHjx01iYqIBzLZt24wxxhQXF5vMzEwDmK5du5qSkpIWr8/NzTWAiY+PN2VlZU2O19bWmsGDBxvAPPLII02Or1+/3vzjH//wqWJPdXW1SUlJcRWtGDdunB8jDQ5hHlfrFzKW8ETG0mZ0vjj0l19+mdLSUsaNG+fKUNitWzeee+45unbtys9//nOPmQbT09MZP3485eXlLrdLYWEhF198MX/4wx9YsmQJO3bsoH///lx99dVNrj/ttNO46qqrfMqKGBUVxcyZM12vxd0iCEIo6JBFolevXs2NN94IwMKFCxscmzx5MkVFRa64c09ccsklrF27lmeffZaLLrqIP//5z7zyyiu88sorrnMWL14clGo/559/Pi+88AIggi4IQmjocBb6+vXrmTVrFsePH2fBggVcddVVTc7xRcwBfvSjHxEVFcW7777L3r17WbJkCYDL4h84cCBXXHFFUPr93e9+1xUNI4IuCEIo6FAWul0js6SkhAsvvJCnnnoqoARUvXr1Yvbs2SxbtozLLruMwsJChg4dyldffcWaNWtISEhodX7yxiQnJ/Poo49y4MABBg0aFJQ2BUEQ3OlQgh4VFcUrr7zCgw8+yNNPP+2zJe6JH//4xyxbtozs7GwArr76aiIiIpg0aRJ5eXkBt+/OtddeG9T2BEEQ3PEq6EqpJOB9YCgwXmu9WSl1IXATUA7M11rnKqWGAE8627xDa/1hKDo8ZswYnn/++aC1N2PGDNLS0igoKCAmJsa1ilQQBKGj4Yu/4jgwC3gVQCkVBdwMnAUsBu5wnncfsBCYDtwd7I6GiqioKJeffM6cOU3SBAiCIHQUvFroWutq4KBSyt51CrBNa10FZCul/uTc31drvRNAKXVEKdVTa30oFJ0ONnfccQcpKSkNkngJgiB0NFrjQ+8OlLi9th3Z7tZ+MZACNBB0pdQ1wDUAixYt4txzz23F7UPD5ZdfTnV1dQO/eePXHRkZS3giYwlPwnks6enpLR5rjaAXAd3cXtc6t3Vu+5KAI40v1Fo/ieVnB2vVZFiTl5fn8Y/XkZCxhCcylvCko46lNYK+EzhVKRUDKGCTc3++UupkoBBI6SjuFkEQhM6CT4KulHobGA0MBv4OPAR8DFQA852n/QZYguWC+V1QeykIgiB4xSdB11rPbGb3y43O2Qp4zyUrCIIghIQOt/RfEARBaB4RdEEQhE6CCLogCEInwWFM2EcPCoIgCD4gFrogCEInQQRdEAShkyCCLgiC0EkQQRcEQegkiKALgiB0EkTQBUEQOgki6IIgCJ0EEXRAKdXFuXW0d18CRSmV4Nx2hrGc5Nx2hrGc0RnGAaCU6t/efQgWSqnu7d2HYHJCLyxSSp0HXA3sB/6gtd7fzl1qNUqp7wPzgG+BBzr4WBKAPwL9gB86q2Z1SJRSo4CHgbXAYmelrw6JUmo6sAioBP4NvKu1LmvfXrUOpdRU4BdYRXgeA7ZorSvat1eBc6Jb6D8CngI2A9cppTpktkil1PnAj4E/YBUgudW5v0NahFrr40AVkIg1rg47FqwMpPdprW8DBrZ3Z1qLUioSuA6rQM1dWLUQunTg9+Vi4J9YX0wzgbnt253g0JoCFx0Wp+V3MbAaKAD2AV8AK537T1dK7e4I1q1zLJcC7wDrgau01geVUl8DLymlUrXWhe3aSR9xe19Waa13O0ViF/Af4KdKqXe11vvatZM+4v4Zc9bYPQ5MV0rdhlUEZh3whtZ6d3v20xecY7kE+AQoA77Ceprdi1UfIR6IxvryDWuUUvFYRe3f1Vp/AnwD5GP9/1cAs5RSQ7TW29uxmwFzwljoSqlLsYpyJAB7tNYlQG9ggvMxeAMQh1U+L6xxG0scUKi13u8U8wgsq/abDiTm9ljisb5g0VobYCjWe/Ef4FqlVL/26qOvNBpLjnN3AtAH+CVwA5a7YlY7dM8vGo9Fa10AfIjl1tuA5aq4GrixvfroK87Pzr+xjLjPnLsdwACsUphbsT57We3SwSByQgi6UqobcBHwe6wP5XeUUj2Bx4GrlFJdtNabgZOAzHbrqA80M5azlFJDALTWdVgCUuM8t384PxI3GstHwFSl1DDn4U+wnjyOYYnIT53XhOVntpmxnK2U6gu8hmXF9tNaF2MJvf3+hOV708xn7Byl1Cla64+BD4DHtNbzgDeBGKVURLiOxUkUsALrSfwnSqkzgfeAM4FhWuvDWMZRPITv++ILnXZS1DkT/0vgLSAbmALcBMQAbwBXAFOBa7De8E+x/LWvaa3fbI8+t4SXsazAGssFWuscpdRCrA9qMdADuDGcJq58HMt5wLXAWVg1avcDx7TWd7RDl1vEx8/YOVjjGIllCc4Edmmt72qHLreIj+/LDKyniz5YgrgIOKq1/ml79Lkl3MayAmt+LMP5Og/LSFgA/B8wAqvg/XbgfCyX31Pt0OWgEZbWTqAopTKAP2P5+noDz2mt3wYeAM7WWv8JeA74o9b6D1gf4GuBTWEo5t7G8mesyZ0/OC/pjyXoO7XW88NMzH0Zy3PAncCfgGe01pdorW8OQzH35TP2LFb01FKsR/4zgDVhKOb+vC/PYBWKvxP4IgzF3H0s6cDftNYay7ip0lq/6Dx+HvA8lktvKrCuo4s5dDJBV0pNcXtcStZa/1lr/SyQqJT6tdb6v1i+M7AKXScopRKdj5LztdYPtn2vm8fPsTyK8zEe65F4gtb68Tbucov4OZaHsawmtNYvOK8Pm89pK8YSo5Tq5qy5+4sO/r50AeK01v/GeiJ8pB263SwexpKklLoKuBcYB6C1fhcY4jxvM/DTcBpLIITNP0ogKKW6KqXex/L3zcSasFmtlLrWecqnwPeUUsla61ql1BTgdaxIijIArXVN05bbngDGsgdAa/2p1rqo7XvelEDeF2foIuCaG2hXAhjLbucEPFrr2nboehMCfF+OAYRLPL0PY1kFXOncrlZK/c55/n7nuWHzvgSDTuNDV0qdjrUQZRzWQoFk5zYHS7SPYVmvW4B/YD3Ov9YeffWGjEXGEmpOsLFUYn0hfQakYU2E/rcduhpyOo2g2yil/orl23tBKdUH6/F9F/Bz4EWt9YH27J8/yFjCExlLeOJlLM93lFDeQOgULhdoEGr0IlbIWKrWOh8rlnkpVkhiaTj5Y1tCxhKeyFjCEx/HUtaRwxF9pdNZ6ABKqZ8AJwNHgd3A11rrL9q3V61DxhKeyFjCk840ltYQ9t++/uBmTYzEipndo7V+oSO+oTKW8ETGEp50prEEQme10OcCb2qtK9u7L4EiYwlPZCzhSWcaS2volIIuCIJwItKpXC6CIAgnMiLogiAInQQRdEEQhE6CCLogCEInQQRdEAShk3BClaATTgyUUplYJcbAKsz8e+f+p7ESNaG1btWqQaXUUKziDx87s3SilFoCzAfGOlO1CkK7IIIudHYWKKXuwUr9elEQ2hsK/M75+8dBaE8QgobEoQudDjcLfQ8wEJiGVT/yb1gpU9Ox3I2/waqLmQJoYJHWeotS6k4s0X4Kq9pQMlY90HXUW/42Z2NVwJmPVTjhQmfbP9JafxqSAQpCC4gPXejMbAM+x3KzXImVQrXIeezHWDUzN2EJ+1hguVIq2u36yVjFQ5KwSpYdxCqMAlat0EuxysrZnImVajYDq6KPILQpIuhCZ+cZLKt5IlapPpuZzu3NWuu/AsuxkjoNcjvnL1rrh7Es/UxncYds57HNWuuXGqVkvVNrfQ9W/u3MoI9EELwggi50dl4CaoFc4P1mjptGW3eOOLc11P+vePJRup8f6V83BSFwRNCFTo2z/NuVwLWNStm95dz+xZly9QKc6Va9NHnUuZ2slLpEKRUf1A4LQgBIlIvQ6dFav9zM7iVYk6NXY02arsOaFK1WSnlqbjVW/copzuv6BbWzghAAEuUiCILQSRCXiyAIQidBBF0QBKGTIIIuCILQSRBBFwRB6CSIoAuCIHQSRNAFQRA6CSLogiAInQQRdEEQhE7C/wO7xtvbXVIP4QAAAABJRU5ErkJggg==", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAiMAAAG9CAYAAADHrnYfAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy81sbWrAAAACXBIWXMAAA9hAAAPYQGoP6dpAACHRElEQVR4nO3dd3xUVfo/8M9MeiUJgYQkkIQSeglNICIICIIFkC6sgCgo8GVxfwu4LrKy7OIKC4qroIIQRRABqYqoFJUmUoPSCZACBJKQQnoyc39/DPfOvckkmTuZkvJ5v16+uDN3Zu6ZY+A+ec5zztEIgiCAiIiIyEG0jm4AERER1W0MRoiIiMihGIwQERGRQzEYISIiIodiMEJEREQOxWCEiIiIHIrBCBERETkUgxEiIiJyKAYjRERE5FAMRqohvV6PGzduQK/XO7opNQL7Sx32l/nYV+qwv9RhfxkxGCEiIiKHYjBCREREDsVghIiIiByKwQgRERE5FIMRIiIicigGI0RERORQDEaIiIjIoRiMEBERkUMxGCEiIiKHYjBCREREDsVghIiIiByKwQgRERE5FIORaiA1NRWurq7Izc1FcXExfHx8cOvWLel8REQENBoNNBoNvLy80LlzZ2zZssWBLSYiIrIeBiPVwLFjx9CxY0d4eXnh9OnTCAgIQGhoqOI1//znP3Hnzh2cOXMG3bp1w5gxY3D06FEHtdjxioqKHN0EIiKyEgYj1cDRo0cRExMDADh8+DB69epV5jU+Pj4IDg5GVFQUPvzwQ3h4eGD37t3Q6XSYMmUKIiMj4eHhgZYtW2LFihWK9/7000/o3r07vLy84Ofnh5iYGCQkJAAA4uLi8Pjjj8PHxwe+vr7o0qULTp48Kb338OHD6N27Nzw8PNC4cWPMmjULubm50vmIiAgsXrwYL774Inx8fNCkSRN88sknZb5fp06d4O7ujq5du2LHjh3QaDQ4e/as9Jo//vgDgwcPhre3N4KCgvCnP/0JaWlp0vm+ffti5syZmD17NgIDAzFo0CAIgoC33noLERERaNWqFcLCwjBr1izL/0cQEdVAN24LeHONHmeuCI5uisUYjDhIYmIi/Pz84Ofnh+XLl+Pjjz+Gn58f3njjDezcuRMdO3bEjBkzTL7X2dkZLi4uKCoqgl6vR1hYGLZs2YILFy5gwYIFeOONN7B582YAQElJCYYNG4Y+ffrg3LlzOHbsGKZOnQqNRgMAGD9+PMLCwnDixAmcOnUKr7/+OlxcXAAA8fHxePLJJzFixAicO3cOX331FQ4fPoyZM2cq2rNs2TJ07doVZ86cwfTp0/Hqq6/i8uXLAIDs7Gw888wzaN++PU6fPo1FixZh3rx5ivdnZmaiX79+iI6OxsmTJ7F3717cvXsXo0ePVrzus88+g6urK44cOYKPPvoIX3/9Nd59912sWrUK+/fvx7Zt29C+ffuq/88hIqpBZrwr4F+fA0+/LqCkpIYGJAI5RHFxsXDjxg0hLi5OcHFxEeLi4oRr164J3t7ewsGDB4VffvlFuHv3riAIghAeHi68++67giAIQmFhobB48WIBgPDNN9+Y/OwZM2YII0aMEARBENLT0wUAwk8//WTytT4+PkJsbKzJc1OmTBGmTp2qeO7QoUOCVqsV8vPzpbZNmDBBOq/X64WGDRsKq1atEgRBEFatWiXUr19fer0gCMLq1asFAMKZM2cEQRCERYsWCQMHDlRcJykpSQAgXL58WRAEQejTp48QHR2teM2yZcuEqKgooaCgQLh+/bqg0+lMfg9S0ul07C8zsa/UYX+pY63+ajZWJ6C34b+Dp/VWap19OTs2FLKNrl27IiUlxe7XDQ4OVgxxVMTZ2RkRERHYvHkzunXrhg4dOuDIkSMICgrCY489hoSEBAQGBkqvnzdvHubPn4+CggJ4e3vjP//5D5566ikAwIcffoi1a9ciMTER+fn5KCoqQqdOnQAAAQEBmDRpEgYNGoQnnngCAwYMwOjRo9GoUSMAwF/+8he89NJLWL9+PQYMGIBRo0ahWbNmAAxDOOfOncOGDRukdgiCAL1ejxs3bqB169YAgA4dOkjnNRoNgoODce/ePQDA5cuX0aFDB7i7u0uv6d69u6Iv4uLicPDgQXh7e5fpp/j4eERFRQEAunTpojg3atQovPfee2jevDliYmIwatQoDB06FM7OtfLHmojIpGzjyDl2HhbQN1rjuMZYqFb+q52SkqKYjVIdtW3bFgkJCSguLoZer4e3tzdKSkpQUlICX19fhISE4NKlS9Lr58yZg0mTJkk1FeIwy6ZNm/DXv/4Vy5YtQ8+ePeHj44OlS5fi+PHj0nvXrVuHWbNmYe/evfjqq68wf/58/Pjjj+jRowfeeustPP/88/j222/x3Xff4R//+Ac2bdqE4cOHIycnB9OmTTNZh9GkSRPpWBzWEWk0Guj1erP7IicnB8888wzeeeedMufEoAkAvLy8FOcaN26My5cv44cffsD27dsxc+ZMLFu2DD///HOZNhER1VbZecbjnYeB5TMF6R5RU9TKYCQ4OLjaX3fPnj0oLi5G//79sWTJEnTp0gVjx47FpEmTMHDgQCmzIAoMDETz5s3LfM6RI0fQq1cvTJ8+XXouPj6+zOuio6MRHR2Nv/3tb+jZsyc2btyIHj16AACioqIQFRWF1157DePGjcO6deswfPhwdO7cGRcuXDB5XXO1bNkSX3zxBQoLC+Hm5gYAOHHihOI1nTt3xtdff42IiAjVWQ0PDw8888wz6NChA+bNm4c2bdrg999/R+fOnS1uMxFRTVFYJKBQNrnwxh3gj+tA+2aOa5MlamUwYu5QiSOFh4cjJSUFd+/exdChQ6HRaHD+/HmMGDECQUFBZv9m36JFC3z++ef4/vvvERkZifXr1+PEiROIjIwEANy4cQOffPIJnn32WYSEhODy5cu4evUqXnjhBeTn52POnDkYOXIkIiMjkZycjBMnTmDEiBEADENDPXr0wMyZM/HSSy/By8sLFy5cwI8//ogPPvjArPY9//zz+Pvf/46pU6fi9ddfR2JiIv773/8CgBS5z5gxA6tXr8a4ceMwd+5cBAQE4Nq1a9i0aRPWrFkDJycnk58dGxsLnU6Hbt26ISMjAz/++CM8PDwQHh5uVtuIiGq6B3lln9t5uOYFI5xN40A//fQTunXrBnd3d/z2228ICwtTDEuYY9q0aXjuuecwZswYPPLII0hPT1dkSTw9PXHp0iWMGDECUVFRmDp1KmbMmIFp06bByckJ6enpeOGFFxAVFYXRo0dj8ODBWLhwIQBDLcjPP/+MK1euoHfv3oiOjsaCBQsQEhJidvt8fX2xe/dunD17Fp06dcLf//53LFiwAACkOpKQkBAcOXIEOp0OAwcORPv27TF79mz4+flBqy3/R9TPzw+rV69G7969MWTIEOzfvx+7d+9G/fr1VfUhEVFNlW0iGNlxuObNqNEIglDzWl3L6fV6JCQkIDw8vMKbcU21YcMGTJ48GVlZWfDw8Kjy59X2/rI29pf52FfqsL/UsUZ/nb0qIHpK2dt40lYNwhrWnLoR/rSQzX3++ec4fPgwbty4gR07dmDevHkYPXq0VQIRIqK6TD6TxlU2ur/riP3bUhUMRsjmUlJSMGHCBLRu3RqvvfYaRo0aVWaVViIiUk8+TPOMbPHunTVsqKZWFrBS9TJ37lzMnTvX0c0gIqp15JmR3h00OHlZQEIKcPAMkJ0rwNerZgzVWJQZ+eyzz/DUU0/hsccew/PPPy/tVRIbG4sBAwagX79+WLFiBeTlKOfPn8fYsWMRExODqVOn4s6dO9b5BkRERHVUliwYqecN9H+4qkFxCRBfvZfbUlAdjGzevBnHjh3Dp59+ip9//hkLFy6Ei4sLDh8+jC1btiA2NhabN2/G0aNHsXPnTgCGHVbnzp2LsWPH4sCBA+jYsSPefPNNq38ZIiKiukSeGannBQT4Gh+bmvZbXakKRnQ6HdauXYv58+cjODgYGo0GLVq0gKurK/bs2YPhw4cjLCwMgYGBmDBhAvbs2QMAOHXqFFxcXDBs2DC4ublhypQpuHjxYrVfJZWIiKg6y84zjkD4egE+nsZhmQf5jmiRZVTVjNy7dw8FBQXYt28fNm7cCG9vb/zpT3/C8OHDcePGDQwaNEh6bfPmzaWVQK9fv44WLVpI59zd3REWFobr168jNDS0zHWKiopQVFSkeM7Z2Rmurq6qvlxNJS6lrmZJ9bqM/aUO+8t87Ct12F/qWKO/snKMx94eArw95OcE6PWOL2Q1Z9qy6mAkJycHiYmJ2LVrF5KSkvDqq68iIiICeXl5ir1DvLy8kJ9vCMvy8/PL7Cvi5eWFvDzTOaR169Zh9erViudGjRpVZkv52i4pKcnRTahR2F/qsL/Mx75Sh/2lTlX66869+gAMm4zmZN5CUZ47AMPCjwnJ6UhIyCn/zXYirgheEVXBiLi3yMsvvwx3d3e0aNECAwcOxJEjR+Dp6SkVsgJAbm6utI6Eh4eH4px43tPT0+R1Jk+ejPHjxysbWscyI0lJSWjcuDEXDjID+0sd9pf52FfqsL/UsUZ/6WSTZVq1CMU92e/4rh71ER5eM1akVhWMhIeHw8XFRbEboHgcGRmJa9euoU+fPgAMm7WJW9E3bdoUW7duld5TUFCA5ORkNG3a1OR1XF1d60zgURGtVsu/0Cqwv9Rhf5mPfaUO+0udqvTXgzzjEI+ftwb1vADAMDSTk6+BVlsLp/Z6eHigf//++PTTT1FUVIQbN27gxx9/RExMDIYMGYJt27YhOTkZ6enp2LBhA4YMGQIA6NKlCwoLC7Fz504UFRVh7dq1aN26tcl6kbooNTUVrq6uyM3NRXFxMXx8fBTFvREREdBoNNBoNPDy8kLnzp2xZcsWB7aYiIiqA3HRM60W8HQHfGQDDg/yHF8vYi7Vodi8efOQmZmJAQMG4M9//jNeeeUVREdH49FHH8XIkSMxceJEjBw5Ej169MDQoUMBGDIdS5cuxZdffonHH38cZ86cwaJFi6z+ZWqqY8eOoWPHjvDy8sLp06cREBBQJlD75z//iTt37uDMmTPo1q0bxowZg6NHjzqoxY5XusCZiKguEqf2+noaRiqUwYhj2mQJ1cGIj48Pli5dil9++QW7du3Cc889J52bPHky9u/fj4MHD+LPf/6zYjinbdu22LRpE44cOYLVq1er3p22Njt69ChiYmIAAIcPH0avXr3KvMbHxwfBwcGIiorChx9+CA8PD+zevRs6nQ5TpkxBZGQkPDw80LJlS6xYsULx3p9++gndu3eHl5cX/Pz8EBMTg4SEBABAXFwcHn/8cfj4+MDX1xddunTByZMnpfcePnwYvXv3hoeHBxo3boxZs2Yp6n8iIiKwePFivPjii/Dx8UGTJk3KLPV+9OhRdOrUCe7u7ujatSt27NgBjUaDs2fPSq/5448/MHjwYHh7eyMoKAh/+tOfkJaWJp3v27cvZs6cidmzZyMwMBCDBg2CIAh46623EBERgVatWiEsLAyzZs2y/H8EEVENIwUjD+eIKIKRGjS1l4N6DpKYmAg/Pz/4+flh+fLl+Pjjj+Hn54c33ngDO3fuRMeOHTFjxgyT73V2doaLiwuKioqg1+sRFhaGLVu24MKFC1iwYAHeeOMNbN68GQBQUlKCYcOGoU+fPjh37hyOHTuGqVOnSoHi+PHjERYWhhMnTuDUqVN4/fXX4eJi2G0pPj4eTz75JEaMGIFz587hq6++wuHDhzFz5kxFe5YtW4auXbvizJkzmD59Ol599VVcvnwZAJCdnY1nnnkG7du3x+nTp7Fo0SLMmzdP8f7MzEz069cP0dHROHnyJPbu3Yu7d++WmT312WefwdXVFUeOHMFHH32Er7/+Gu+++y5WrVqF/fv3Y9u2bWjfvn3V/+cQEdUQ4jCN78MgpKZmRiCQQxQXFws3btwQ4uLiBBcXFyEuLk64du2a4O3tLRw8eFD45ZdfhLt37wqCIAjh4eHCu+++KwiCIBQWFgqLFy8WAAjffPONyc+eMWOGMGLECEEQBCE9PV0AIPz0008mX+vj4yPExsaaPDdlyhRh6tSpiucOHTokaLVaIT8/X2rbhAkTpPN6vV5o2LChsGrVKkEQBGHVqlVC/fr1pdcLgiCsXr1aACCcOXNGEARBWLRokTBw4EDFdZKSkgQAwuXLlwVBEIQ+ffoI0dHRitcsW7ZMiIqKEgoKCoTr168LOp3O5PcgJZ1Ox/4yE/tKHfaXOlXtr6JivYDeOgG9dULMdMNn5BUYn+s7q+b8f6iVG+V1fVmPlPv2v25wAHBytXnJJmdnZ0RERGDz5s3o1q0bOnTogCNHjiAoKAiPPfYYEhISEBgYKL1+3rx5mD9/PgoKCuDt7Y3//Oc/eOqppwAAH374IdauXYvExETk5+ejqKgInTp1AgAEBARg0qRJGDRoEJ544gkMGDAAo0ePlobJ/vKXv+Cll17C+vXrMWDAAIwaNUqaBRUXF4dz585hw4YNUjsEQYBer8eNGzfQunVrAECHDh2k8xqNBsHBwbh37x4A4PLly+jQoQPc3d2l13Tv3l3RF3FxcTh48CC8vb3L9FN8fDyioqIAGAqh5UaNGoX33nsPzZs3R0xMDEaNGoWhQ4fC2blW/lgTESnIMx9iZsTdFXByAnS6mpUZqZX/aqfcB26lOroVFWvbti0SEhJQXFwMvV4Pb29vlJSUoKSkBL6+vggJCcGlS5ek18+ZMweTJk2SairEYZZNmzbhr3/9K5YtW4aePXtKNT3Hjx+X3rtu3TrMmjULe/fuxVdffYX58+fjxx9/RI8ePfDWW2/h+eefx7fffovvvvsO//jHP7Bp0yYMHz4cOTk5mDZtmsk6jCZNmkjH4rCOSKPRqFpRMCcnB8888wzeeeedMufktUWlF85r3LgxLl++jB9++AHbt2/HzJkzsWzZMvz8889l2kREVNvI96URa0Y0Gg28PQRk5TAYcbjggOp/3T179qC4uBj9+/fHkiVL0KVLF4wdOxaTJk3CwIEDpcyCKDAwEM2bNy/zOUeOHEGvXr0wffp06TlxGX656OhoREdH429/+xt69uyJjRs3okePHgCAqKgoREVF4bXXXsO4ceOwbt06DB8+HJ07d8aFCxdMXtdcLVu2xBdffIHCwkJp0bwTJ04oXtO5c2d8/fXXiIiIUJ3V8PDwwDPPPIMOHTpg3rx5aNOmDX7//Xd07tzZ4jYTEdUE2fLMiOx3NR8PMBipDswdKnGk8PBwpKSk4O7duxg6dCg0Gg3Onz+PESNGICgoyOzf7Fu0aIHPP/8c33//PSIjI7F+/XqcOHFCWn73xo0b+OSTT/Dss88iJCQEly9fxtWrV/HCCy8gPz8fc+bMwciRIxEZGYnk5GScOHECI0aMAGAYGurRowdmzpyJl156CV5eXrhw4QJ+/PFHfPDBB2a17/nnn8ff//53TJ06Fa+//joSExPx3//+F4BxwbwZM2Zg9erVGDduHObOnYuAgABcu3YNmzZtwpo1a+Dk5GTys2NjY6HT6dCtWzdkZGTgxx9/hIeHB8LDw81qGxFRTabIjMgKV8Ui1poUjFT/u3Yt9tNPP6Fbt25wd3fHb7/9hrCwMNVTnqdNm4bnnnsOY8aMwSOPPIL09HRFlsTT0xOXLl3CiBEjEBUVhalTp2LGjBmYNm0anJyckJ6ejhdeeAFRUVEYPXo0Bg8ejIULFwIw1IL8/PPPuHLlCnr37o3o6GgsWLAAISEhZrfP19cXu3fvxtmzZ9GpUyf8/e9/x4IFCwBAqiMJCQnBkSNHoNPpMHDgQLRv3x6zZ8+Gn59fhasS+vn5YfXq1ejduzeGDBmC/fv3Y/fu3ahfv2Ysf0xEVBXKYRrjUhpiMJKTj2qxUZ45NIIg1IyW1iF6vR4JCQkIDw+vlUsqb9iwAZMnT0ZWVpa0f1FV1Pb+sjb2l/nYV+qwv9Span9t2i9g3ELDLfzdmRrMHm0ISAa8psf+U4bXZO/VwMez+i8JXyuHaah6+fzzz9G0aVOEhoYiLi4O8+bNw+jRo60SiBAR1VWmCliBsmuN+Jjek7ZaYTBCNpeSkoIFCxYgJSUFjRo1wqhRo/Dvf//b0c0iIqrRzA1GagIGI2Rzc+fOxdy5cx3dDCKiWiVbthGeooBVlnSuKcEIB/WIiIhqIHlmpJ5szciamBlhMEJERFQDZZU7tddYsMpghIiIiGymNtWMMBghIiKqgcpdgVUejOTbrz1VwWCEiIioBhIzIxoN4GXci5SZESIiIrIPMRjx8QS02rIrsALAg7yasa4pgxEiIqIaSBym8S21qBmn9hIREZFdiJkReb0IoMyM5LBmhIiIqHbKyhEwdake//pMgCO2eNPpBCnQqCgYqSmZEa7ASkREpNLrHwtYvRsABDzVU4PoKPteX57xKD1M481hGiIiototNVNA7HfGx8mp9m9DeauvAjUzM8JghIiISIVVO4CCIuNjR9zwFWuMlMqMuLlq4PJw3IPrjBAREdUy+YUCPtimrBFxRDCSlWM8Ll0zAhizI8yMEBER1TJf/ACkZiqfy65mmRGAwQgREVGtpNcLWP5V2ZkzjlhYTLkvjabMeXGtEQYjREREtch3x4FLiYZjfx/j8w6vGalgmCa/ECgpqf6rsDIYISIiMsO6Pcab+l/HGrMRDglG5JmRCoZpgJqx8BmDESIiIjMk3TP8qdEAY/oZn3dMMGIMjCrKjAA1Y6iGwQgREZEZMh4Y/qznBfjJ1vaozgWsQM2Y3stghIiIyAyZD6fT+nk7PvOgLGAte97R7VOLwQgREVElBEEwBiM+gKuLBm6uhseOLmCtx2CEiIio9ssvBIpLDMfiEI0jp89WmhnxcGyBrVoMRoiIiCqRKVvxVApGHLiwWJYsGJFvjCdiZoSIiKiWqSgYcUgB68NgxNsDcHIysegZp/YSERHVLpkPjMelg5GiYqCo2L4Li4nBiKkhGoCZESIiolpHnhnx9zFkInwdeMMX22OqeBUoHYxwBVYiIqIaL6OCzAhg32CkoFCQhl4C65l+DTMjREREtUxFNSOAfetG0rONx+UFI/KiVi56RkREVAtUFozYM/uQlmU8buBn+jXMjBAREdUymTnGugsxGJEXj9rzhp+aaTwO9DP9GgYjREREtYwiM+Jj+NNRC4vJMyOB9cpO6wWMC7IBDEaIiIhqhWo1TJNpPC6vZsTZWQN3By5XrxaDESIiokoop/Ya/lQUsObCbtKyjENG5QUjgGNXiFWLwQgREVElxKm9Wq1xpooiM2LHGSvKYZryXycFI5xNQ0REVPNJO/Z6AxrNw0XPFAWs9ltYTHUwwswIERFRzScPRkSOKhJVBCN+5b/OkcvVq8VghIiIqAKCIJgORhxUwCpO7XV1Mb1jr6gmzahhMEJERFSB3HxApzMclxeM2LeA1fBnYD3jkJEpNWmtEQYjREREFTA1rRdwTAGrIAhSMFLe6qsiBiNERES1hKlpvQDg6W6YXQPY72afk2+oAQEqLl4FlMFITjWfUcNghIiIqAKmduwFDEMk9p6xYs6CZyJmRoiIiGoJ5TCNskZDLBK1WzBi5rReAPDxdMxy9ZZgMEJERFSB8mpGAGP2IbtaBiPGY3u1z1IMRoiIqNrS6wUs+kzAnJV65Bc6Zq0MU5vkicQbfm6+oa22ptixt5xN8kQN/YzHd+/bpDlWozoYmTp1Knr16oXevXujd+/emDVrlnQuNjYWAwYMQL9+/bBixQoIgvF/zPnz5zF27FjExMRg6tSpuHPnjnW+ARER1Vqb9gMLPhXw303A1z87pg0VZUbkq7Dao0jU3AXPACAk0Hh8O70WLno2f/58HDp0CIcOHcL7778PADh8+DC2bNmC2NhYbN68GUePHsXOnTsBAEVFRZg7dy7Gjh2LAwcOoGPHjnjzzTet9y2IiKhW+vx740008a5j2pD5wNiGMsM0dl5YzNxN8gBlMHIr1UYNshKrDdPs2bMHw4cPR1hYGAIDAzFhwgTs2bMHAHDq1Cm4uLhg2LBhcHNzw5QpU3Dx4kXcunXLWpcnIqJa5u59AftOGR/n5Dt+mMa/nGEawF7BiPG4smAkOMB4fDvdNu2xFmdL3rR8+XIsX74cUVFReO2119CiRQvcuHEDgwYNkl7TvHlzxMfHAwCuX7+OFi1aSOfc3d0RFhaG69evIzQ0tMznFxUVoaioSNlQZ2e4urpa0twaR6/XK/6kirG/1GF/mY99pY61++urA8aVTwHDKqeO+H+RIQtGfD0FRW2IfDn2zBxBVd2IJf0lrxmp71vx9ZydDAujpWYCt9Mc93Os1Vae91AdjMyaNQtNmzaFVqvFV199hVmzZmHr1q3Iy8uDl5dx8MzLywv5+YYBtPz8fMU58Xxenukwct26dVi9erXiuVGjRmH06NFqm1ujJSUlOboJNQr7Sx32l/nYV+pYq79ivw0G4CY9TknNQUKC/X/FT0kNAuAOAMjOSESJbIdefbEfAEOK4tqNuwjyLFD9+Wr669ZdY1tyMxOQUEk2JtC3EVIzXXEnTcCNG4kwIy6wusjIyEpfozoYadeunXQ8ceJE7Nq1C7///js8PT2Rm2tcnD83NxceHoaQ0cPDQ3FOPO/p6QlTJk+ejPHjxysbWscyI0lJSWjcuLFZEWVdx/5Sh/1lPvaVOtbsr/hbwJl45XOC1hvh4d6m32BDBSWGP52dgFYtmkC+HUzjEOOxp08QwsPN/1xL+iun0PCntwcQ1aLyi4U3Ai4mAsU6Dbz9wytdQt5RLBqmkRM7MDIyEteuXUOfPn0AAPHx8WjWrBkAoGnTpti6dav0noKCAiQnJ6Np06YmP9PV1bXOBB4V0Wq1/AdQBfaXOuwv87Gv1LFGf206IABQDkHk5JuX8re2zBzD8IafN+DkpLy+r6exnbkFGmi1FU+3NUVNf6VmGtoSWM+8vggNNA7NpNzXIChAffvsQdX/1QcPHuDXX39FUVERiouLsWHDBmRnZ6Ndu3YYMmQItm3bhuTkZKSnp2PDhg0YMmQIAKBLly4oLCzEzp07UVRUhLVr16J169Ym60WIiKhuEwQBG34sWwvhqP1VxALW0jNpAPsWsOp0Au4/XJq+smm9IsX03jSrN8lqVGVGSkpK8OGHHyIhIQHOzs6IiorCihUr4O3tjUcffRQjR47ExIkTodfrMWzYMAwdOhSAIdOxdOlSLFq0CEuWLEGbNm2waNEim3whIiKq2c5cAS4nGo4f6wj8dhEoKHLMkuZ6vYCsh1UGpRc8A0qtcppb9rw1ZeYAYg1qZTNpRKGBGoiZm1oTjPj7+2P9+vXlnp88eTImT55s8lzbtm2xadMmda0jIqI6Z+cRY1Zk/BMaXEwQUFDkmMxITr4xAPA3kRmRL3r2IF8AYLthEDXTekWKtUaqcTDCQVAiIqpW5IubxbQ3Tp91RGakoqXgAfsO01Q1GLmdVn1XYWUwQkRE1cq9DONxkL/xhu+IzEjGA+Oxo2tG0jKNx5XtSyMKqW88rs7DNAxGiIioWrmXafhTqwUCfI2ZkYIioKTEvr/dV7QvDWDf5eDlmRFzp+g29Ie0tkh1XoWVwQgREVUrYmakgR+g1WqU2Qc7Z0cyFZmRstkIexawWjJM4+SkkZaFZ2aEiIjIDIIgSMFIQz/Dn/Il13PsXDdSaWbEjoFSaqb5m+TJiXUjdzPsn1kyF4MRIiKqNnLyDcMxgGGIAbDvDb+0yoIRJycNPA2rs9u3gNXP/PeJdSN6vXEIrLphMEJERNWGvHhVrIuQByPVLTMCGNtXHWfTADVj4TMGI0REVG3IgxFTwzT2z4wYhzX8TUztBYxFrPasGQkopy2mhAQaa11upVqxQVbEYISIiKoNRTDib7iJ+ngab6bVOjOSb6h5sRUxGPH3AZydzV9cLVSeGammM2oYjBARUbWRKvvtX6wZcWRmpLJ1RgDjKqw6nbHexRbEYETNEA1QMxY+YzBCRETVhqlhGkXNiCMLWMsbprHDwmfFJQKyHralasGI9dpkTQxGiIio2riXYfzN3WRmxEHDNK4ugLur6dfYIxi5e994rDoYka/CymEaIiKiismnnpqc2ptn32EGcWgkwAfQaEzXachXYbVVEevmg8bjFmHq3lu/HuDycFtcZkaIiKjas2UBpjmUBayGP+U3e3sO0+j1gpSRaFS//NfZOjOi0wn439fG/y8vP6NuZ2CNRiMN1TAYISKiaunu3bt4++230bx5c/j6+uLAgQMOa4sYjLi7GodnvO24GZ1cejZQojMcVxSM+HoZgwNbFNjuOgLcTDEcP/kI0CpcXTACGIdq0rKAwqLqV8Tq7OgGEBGRYxQUFGD69OlYv349SkpKpOc/++wz9OvXzyFtEodpGvgZh0UclRm5I6uvEPd3McXWmZEVW43Bw59Hqg9EAGURa8p9IDy4qq2yLmZGiIjqqF27dmHdunWKQAQAUlMdszKWXi8gNdNwLA7RAI7LjKTIgxEHDdOcvSrg57OG41ZNgIHdLPsceTBSHRc+YzBCRFRHXb16VTqeOHEitA/3mndUMHI/27B/CmCc1gs4LjOSIpvB0iig/IyELQtYFVmRURpotRZmRuob31cdZ9QwGCEiqqOSkpKk4xkzZiAgwDAWkZbmmCpHUzNpAMDNFXByMhzbMzNyx8zMSICv8fj+A+vVY6RlCti4z3Ds5w38aaDlnxXawHhcHYtYGYwQEdVRycnJ0nFYWBgCAw25fIcFIyZm0gCG2hEx+2DfzIgxsKioZkTeVvl3qKrfLgJFxYbjFwYBXh6WZUUAZfvl36u6YDBCRFRHiZkRZ2dnBAUFScFITk4OCgoK7N4esV4EABr6KW+84swau9aMyIdpKsiMyIeUrBmMJN4zHrdvZnkgAiizN/Il7qsLBiNERHWUmBkJDQ2FVquVghEASE+3f2FBeZkRQLYZnaOGaSrIjAT6GY/lQ01VlXjXmMFo0rBqnyXf5ZfBCBERVQt5eXm4f9/wq3/jxo0BAA0aGAsLHDFUcy+z7FLwIjEYyS0wzLqxBzEz4uNZ8RCJi7NGyjxYNTNy13jcJKhqn6Woa8mu2mfZAoMRIqI6qHS9CABFZsQhwYiJTfJE4jCNIAB5dhpBEjMjFWVFRGJ7rRmMJFgxGPH1MhYB32dmhIiIqgP5TBoxM1KtgpFyMiOAfYpY8woEaZquOcFIAz/Dnzn5QH6hdTI3YmYksB7g6V61mhGNRgN/b8MxMyNERFQtyDMjpoIRR6w1Iq+3EG/uInvv3HvXzOJVkTx4khfiWqqkRMCth/FgVbMiIv+HdSPMjBARUbUgz4xUt2EaXy/AzVWZCbB3ZsTc4lWRtaf33kkHdA/3xbFWMCLWjWTlGDbfq04YjBAR1UGVZUYcGYyUrhcB7J8ZkU/rDa5f+RCJtaf3yqf1VnUmjUg+oyYzxzqfaS0MRoiI6qDqlhkpKhakG2TpehEA8PE0BgT2yIyYu8aIqKG/sX3WmN6rnElTtXoRUXWeUcNghIioDhIzIy4uLmjY0PCrtyOn9ioWPDMZjBiP7ZEZuZNu3uqrImsP0ySkGI+ttcOuctl663ymtTAYISKqg8TMiLjgGQB4e3vD1dUVgIODEb+y5xXDNNUxM+JnPL6XUfV6jMR71lvwTCQfpmFmhIiIHCo3NxcZGYZf38V6EcAw/dNR+9NUNK0XKFXAapfMiPFYdWYks+rXt+aCZ6IAX+NwD4MRIiJyKFMLnonEYCQ1NRWCYL8ZF8ode8vWSDgqM6LVGtb5qIy1h2nEYMTVxXRwZgl/eWaEwzRERORIpmbSiMRgpKioCDk59ptyUdHqq0DpzIjtgyQxGAnyB5ycKi8g9fMGnB+ucGqNdUbE2TSNGwJarfULWKvb/jQMRoiI6hhTq6+KHDWjRl5nUXrBM8C+mRG9XpAWPTNniAYwBAxiu6uaGcnKEZD1MA60Vr0IULpmhOuMEBGRA5kzTAPYORjJNB5XWjNi42AkPRsoebjgmDnFqyKx3fcyUaUhLnm9iLVm0gDVezaNs6MbQERE9lVRZsRR03vTMo3Hpmo07LnomdriVZE4vFRUDGTnAvW8Lbu+YsEzKxWvAuWvM7L2WwGuLkB4ENC7o3WGhNRiMEJEVMdUx8xIhqw8RX7TFNkzM5IiD0ZUZEbkw0v3MqoQjMhn0jS0XnDgL2uPPBh5/WMBqZlAWAMg6WvHBCMcpiEiqmPEzIirq6siEwI4LhgRb45eHoCrS9kbope78djWmRHFGiMB5t+crTW9N/GubI0RK2ZGnJ018PUyHIvDNPmFglRwa81rqcVghIiojhEzI/IFz0SO2rlXDEbkRZZyWq0GXg+Hauw6TKOqZkS2JHwVilhtscaISNq592F/J8uGhBpbsVhWLQYjRER1SHkLnokckRkRBEEapvEvJxgBAJ+HwYjNh2nuq1sKXmStzfISbBiMiMFexgNDvycxGCEiInurqF4EcEwwkl8IFBYZjk3Vi4i87ZQZUbsUvMh6wzSGPxv4AR5u1q3hEPu3RGcI6pTBiGPqRQAGI0REdUpFM2kAoH59493XXsGIvJjSv4KiT7GI1daZEYtn08iCkdRMy6b2lpQIuPWw221Rw1F6Rg0zI0REZHeVZUY8PDzg5WWocrRXMCJfDdSczEhxCVBYZLtFu8TMiI8n4OWhooDVz3hs6TDN7XRArzccW3PBM1HpzfKS7tmmWFYtBiNERHXIrVu3pGNTwQhgXGvEbpkRM4MRe03vFTMjarIigHX2p7Fl8SpQduGzRGZGiIjI3uQBRulpvSKxbiQ9PR168dd0G5JnRvx9ys9EyIMRW9WN5OYLyM41HKsNRrw8NPB8OAXZ0poRZTBi/RqOAB/lzr3iMI2bq+ll+O2FwQgRUR2Snm4siJDXh8iJwYher5dm3tiSvGakvKm9gHIVVltlRs7FG49bmE4cVUgcqqksM5KaKeD1j4GDce6K56/fNh6H2yAzIp+tlPHAGIyENQA0GhawEhGRHagJRgD7DNUoClgrmtprh8zIqcvG4y4t1d+cxaGatCxApyu/rmX6cgFLvwSm/6+B4vtfSDC+p1W46stXSj5MczPFmAVy5BANwGCEiKhOkQcj/v4mdqSD/YORjBzjDdicAlbAdsHIycvGtnRpqf79YjAiCIYN90xJvidg2y+G48JiLU5dMZ67cNPwp7OTZZmZysj7N+6a8dgWxbJqMBghIrIxnU6Hfv36ITAwED/99JND2yIGI35+fnB2Nr09mSMzIxUN0/h4GjMVthqmETMjzk5Ah2bq3196fxpTVn8jQF6Kc/aq4U+dTsClRMNxizDTy+JXlbx/42RDUsyMEBHVcqdOncLBgweRnp6OF154ATk5OZW/yUbEYKS8IRrAAZkRRQFr+a+zdWYkr0DAhQTDcdtIyxYck0/vFfd8kSsuEfDJLuVzZx4GI9dvGxd/axOh+tJmkWdGbslW+3fkgmcAgxEiIpu7ceOGdJyUlISFCxc6pB06nQ6ZmZkAKg5G5LNs7J4ZceDU3rhrxjU+ukRZ9hmV7U+z45ByhVfAmBkRh2gA+wQjcsyMEBHVcjdv3lQ8fvfdd3Hu3Dm7tyMzMxOCYKiJqE6ZEXGdEa1WGXCUZuvMSFWLV4HKl4RftcNYkyLuRHwl2TCl+PxN4+vaRtgmU+HhpoG7a9nnGYwQEdVyCQkJisc6nQ6vvPKKXdbwkDNnJg1g/517xWEafx/D7rzlUWZGqrYCqyAI2HVYwM5Dxs85daVqxatA6VVYlW28eFPAwTOG46jGwJh+YlsMU4ov3DS+3laZEcD0UJgjV18FGIwQEdmcPDMirnp67NgxfPrpp3ZthzwYCQgof0UvRxWwVlS8Clh3au+hOGDoGwKG/V3Al/sMQYCYGXGysHgVAIJk3Srf4wYAPtppDDZeHapBZ9lQ0JmrxmEaJydDsGIrpYdqfDyBet41tGbk3Llz6NatG9asWSM9FxsbiwEDBqBfv35YsWKFlA4EgPPnz2Ps2LGIiYnB1KlTcefOnaq1nIiohhAzI+7u7vjss8+k5x0ZjFSUGZEHKrYORnQ6AZkP63krKl4FrLvomXxxs3+sFfAgT1a8GmH5brlhskVtk0sllXYcNvzp7gpMHAx0amE8d+qygIsPr988FHBztV1wUDroc/QQDWBhMKLX67F8+XK0adNGeu7w4cPYsmULYmNjsXnzZhw9ehQ7d+4EABQVFWHu3LkYO3YsDhw4gI4dO+LNN9+0zjcgIqrGBEGQgpHw8HD069cPoaGhAIDExES7tsXcYMTZ2Vlag8TWwzRZucbjiopXAWWwUt4aHuaS74dzNRl44xMBOp3hsaVDNIDhO4g1GfJgpKREkB63a2pY9r59JKDRGH5p330UKBBn0thgsbPSbZSrscHItm3b0K5dO0RGRkrP7dmzB8OHD0dYWBgCAwMxYcIE7NmzB4BhWpuLiwuGDRsGNzc3TJkyBRcvXlRs2EREVBulp6cjN9dwxw0PN9xlGjVqBAC4e/cudOId0E5tEVUUjABAw4aGO5StgxFzV18FDPUY2od3rVtVTNjcz1bWc3ywzXjc1cLiVcCwpLqYHZEHI3dku/GK5709gcjgEgDKacC2rBcBqmcwYnrFmwpkZmbiyy+/RGxsLJYtWyY9f+PGDQwaNEh63Lx5c8THG/Jg169fR4sWxnyUu7s7wsLCcP36dek3BLmioiIUFRUpG+rsDFdXEyXAtZBY1Gbv4raaiv2lDvvLfNboK/m03vDwcOj1egQHB0ufm5KSIgUntiYfcvH396/wezVo0ACXL1/GgwcPkJeXB3d393JfK7Kkv+QZDn/vit+r1Ro2r7udBiTfq9r/l4oyK9EtBOj1lhfIhjUArt0CsnKArBw9fDyVu+OGNTC0Xa/Xo02TIly/46J4f6tw2/799PdWPm7c0LbX02orz3uoDkZWrlyJcePGwcdHGcLm5eXBy8tLeuzl5YX8fMOgXn5+vuKceD4vz3QF0rp167B69WrFc6NGjcLo0aPVNrdGS0pKcnQTahT2lzrsL/NVpa9OnDghHfv6+iIhIUHx7+epU6fQvn37KrXPXPJC2qKiojKzfOTk/2afOXMGISEhZl9HTX9duuYOwDCVw0nIREJCVoWvD/QJxu00N9zNEHAtPhEuqu9iBrfuNgBQdh6xk1aAn0sSEhIsD0b8POsDMNzxT8TdQrOQEpw57wnAkBLxcs5AQoIhGmob7otvjivvjwFut5GQUGzx9Suj0fsCMM5B9tCmISEht/w3VJF8FKU8qv43Xrp0CRcuXMC8efPKnPP09JRSkQCQm5sLDw9DtZGHh4finHje09P0hPLJkydj/PjxyobWscxIUlISGjdubFZEWdexv9Rhf5nPGn0l/lIGAJ06dUJ4eDiiopQraonDN7Ymzzi3a9euwuvKz7m6uprVRkv6y1m2P0pEmB/Cw/0qfH3TMODcDUAQNHDzCbd4iKGgxHjcow3w6wXDcdtIDVq2aGLZhz7UKhLAUcOxziUU4eFA4XHj+fYt/REe7v8wM6IcBtNqgT7dQ+DhVqUmVCiy1EydTq0DER4eaPrFdqIqGDl9+jQSEhIwZMgQAEBOTg6cnJxw69YtREZG4tq1a+jTpw8AID4+Hs2aGeZGNW3aFFu3bpU+p6CgAMnJyWjatKnJ67i6utaZwKMiWq2WNwsV2F/qsL/MV5W+kmcfIiMjodVqFcPTd+/etdv/h/v3jUt/NmjQoMLrBgUZF55IT09X1UY1/ZWVIwB4uBCbr6bCdUYAIKyBcTjhdpoG4cGW1XdkPDB8jo8n8M8pGgz8f4Y29Ghj3rBCRRo3NH6n22mG75Scamx3k4bG79kmXFmS0LQR4OVh25+HQF9j+wAgPLjyfrc1VcHIc889h4EDB0qPly1bhpCQEEyaNAlxcXF4++23MWjQIHh4eGDDhg0YM2YMAKBLly4oLCzEzp07MXjwYKxduxatW7c2WS9CRFSbyIORiIgIAFDUiNy+fdtubRELWF1dXcsMnZcmXxL+3r17FbyyatQUsAJAaKAG4o20KkWs4myaAF9gQFfgnVc0OHlZwBt/qvpN2dT03mTFPjDG4/q+eoQGGr9L28pHNKqsdAGrvL2OoioYcXd3VxQxubm5wcPDAz4+Pnj00UcxcuRITJw4EXq9HsOGDcPQoUMBGH7wly5dikWLFmHJkiVo06YNFi1aZN1vQkRUDYl1Gi4uLlIQIg9G7LnmknyTPI2m4puuOJsGsO2MmowHxt/QK5vaCwChshvnLQubJQiCYqE1jUaDuc8DgHWyA4pg5J4AQIOkh/GcRgOElBoR6dTCGIzYeiYNoOznwHqAp7tjsyKABQWscm+99Zbi8eTJkzF58mSTr23bti02bdpUlcsREdU4YmakSZMmUvpfXgzqqGCkMnbLjMjW+zAnGJHf6G+lGW70auXkAyU686+pVpgs8yFmRMRgJMgfcHVRtjm6BfDtMcOxrfakkZMvelYdpvUCXA6eiMhmMjMzkZVlmB0iLwBt2LChFJjYa5gmPz8fBQUFAMwLRuyVGblfampvZUIrWOHUkmvaIhgJrAe4Ppytm3QPKC4RpKXhw0zc/Kc8BTQLBbq1Aob1tn57Sguub1xa39Jl762tSpkRIiIqn6l6EQBwcnJCw4YNkZKSYrfMiJoFzwBlMGLLzEiGLDNiXs2I8djSYRpFMGLGNdXSajUIDRRw444hYLqTbtgMDwAam6jPaBIEXN2oqXTozFo83DT46i3gx5MCXhvl+CEagJkRIiKbka/rUXpqrDhUk5KSYpdVWNUGI/K6EptmRh4GIx5ugLsZ+8F4eWjg9zCDYmkBq9qhIUuIwx8ZD4DLslX/TWVGANgtEBEN7qHB8plaNA5iMEJEVKvJMyOlgxGxiFWn09llZ1xzd+wVOTk5SUGLPWbTqAkKxKGaW6lQbMiq9poAEOBjm5uxvLZFXMMEABo3rB43/+qGwQgRkY3IMyPyYRrA/jNq1GZGAGMRq21n0xj+VDNcIg7VFBQpAwtz2bpmBCgVjJwXTD5PRgxGiIhspKLMiHxGjT2KWC0JRsS6kdzc3DKraFtDfqEg7VRrTr2ISDG914Kkkj2GacJkGRBlZsQ216vpGIwQEdmImBlxcnJCWFiY4lxNyowAtsmOZFgYFIRVca0R+Y69tihgBZRtlGdimBkxjcEIEZGNiJmR0NBQODsrJy/WhGDE1tN7LZ3VYliF1cCSzIjaGTyWMBV0mFrwjAwYjBAR2UBOTo4UAJSuFwFqxjCNrRc+U7sUvCi0zAqnll/XHjUjIlMLnpEBgxEiIhuoqF4EYGYEKD1MY/5NWrHWSDWtGQkKAJydlM+xXqR8DEaIiGygsmAkKChIWlvC3pkRc6b2AnbIjFg4XCJfq8OymhHDn+6uhgXAbEGr1SgyOADrRSrCYISIyAbu3r0rHcuHZEQuLi7Szd6emZF69eqVqV8pT3WtGZEvt27JkvDyHXttqXTwwcxI+RiMEBHZgDwYCQoKMvkacagmJSUFer3epu1Rs0meyNaZEbU79oo0Gg1CHn4Ni4ZpZDv22lLZYIT1IuVhMEJEZAPyYESeYZATg5Hi4mLFMIq16XQ6ZGRkAFAXjNg8M1KFWS3iUM39bMN6JebKLxSQX2g4tndmpLyl4InBCBGRTcgzCeVlRuTDN7YcqsnKypKWTVcTjAQEBEi7C9smMyK7lsrAQF7EeltFdqQq11QrrIEyE8JhmvIxGCGiWiU/Px9XrlyxaM8Sa1KTGQFsG4xYMpMGALRaLQIDDXd9W9eMqM2MyIMRNXUjtt6xV650JoQFrOVjMEJEtYZOp0OXLl3QsmVLrFy50qFtETMJbm5u8PU1/Su4vdYasWQmjUisG7l3757VAzxxmEajAep5qXtvqCzroGZGjT3WGBHJMyFc8KxiDEaIqNa4du0aLl68CAAOD0bEzIh8Cm9p1T0zAhizOgUFBRbtTyMIAsYt1KPNn/T4PV5QPJ/ysFl+3oapsGqEWbg/zX0L1zaxhLyNwQGAizMLWMvDYISIag35Df3ChQuKXXPtSafTIS3NcIcsb4gGUAYj9sqMqA1Gqjqj5swVYNN+4GICMH+NMRg5f8M4vNKxueqPVW6Wl1p+xqagUMCba/RYtcPwGnssBS8KDgC8PAzHLcIqfm1dx2CEiGqN0jf0PXv2OKQd6enp0lTd8opXAfsVsFojMwJYVjeSKItfvjtu3KRu2y/G5597TH3GwNyakY93Af/6HJi+XMBPZwS71ow4OWmw6i8aDOgKLJ7KrEhFGIwQUa1R+obuqGDEnDVGACA4OFg6tlYwYqquw5GZEflMl+ISYOtPhuNtvxjbOexR1R+rqL+oaJjm4BnjdXYfEXDfwrVNLPWnQRr8uFyLmPYMRirCYISIao3SN/QDBw4gPz/f7u0wZyYNALi6ukrBgTWGaaZOnQpXV1esWrVK8bwjMyO305TB0cZ9Aq7fFhB3zfC4WyugcZD6G7WriwYN/AzHd8pZokUQBBy/YHz8wwn7zqYh8zEYIaJao3Qwkp+fj59++snu7TBnjRGROFRz586dKs1Wyc/Px5o1a1BSUoLZs2fjypUrAAw3ZPEYcEBmpFSg8PNZ4P2txu9pyRCNqNHDr3I7zXRGKPEukHLf+PiPG4b/RPbIjJB5GIwQUa1haqjj22+/tXs7zM2MAMYi1qKiImmVVEukpqZKN+SioiJMnz4dgiBg06ZNOHDggNSW0NBQVZ9b9cxI2efe/9p4/Fwf1R8pEYdqikuA9Kyy5+VZEdHhc8ZjBiPVB4MRIqo1xGDEzc0NLi6GndS+/fZbuy+AZm7NCGC96b3i7B3R/v378d///hczZsyQnnv//felfjGXtWpGtLK7jfi/o20kENXY8sxIiCzJUzoDAwDHL5T//93JCfDxtPjSZGUMRoio1hBv5mFhYXjssccAADdv3sSlS5fs2g41wzTWCkZMZS3mzp0rZVvGjh2LMWPGqP7cKmdGHgYJTRoC3Vsrzz33mOqPUwipZEn44xeNx57uynMBPih3/ReyPwYjRFQr5OfnIyvLkKtv1KgRhgwZIp2z91CNJcM0QNWKWOWBgoeHR5lrfPjhhxZ9rp+fH5ycnACoz4wUFgnS8ElIIDD+CeXNf3jvqgUDIYHG95cuYi0uEXDqsuE4shEwqJvyPIdoqhcGI0RUK8izCo0aNcJTTz0lPbb3FF8xGNFqtZUWjNoiM7Jw4UJ4e3tLj9esWaN6GXiRVquVhmrUZkbkAUJIIDCmn3G4JiIY6NTCoiYZP1M+TFMqM/J7PFBQZDju0RYY2F0Z+HAmTfXCYISIaoXSwUhUVBQaN24MADh16pRd60bEDEJgYKCUVSiPLWpGOnXqhPXr16Ndu3ZYsmSJIktkCXGoKSUlBTqdzuz3yQOEkPpAUIAGS1/VoF0ksGKWpsrDJMphGuX/X/kQzSOtNcyMVHMMRoioVigdjGg0GrRq1QoAkJ2dXabA01YEQVDsS1MZW2RGAgMDMWzYMPz++++YM2eOxZ8patKkCQCgpKQEKSkpZr/vtiIzYgg8/jJGg98/0+LZR6ter6EIRkoN0/x63hicPNIGiAzRoLlsIpGtl4IndRiMEFGtUDoYAYDmzY2bnly7ds0u7cjOzkZRkWF8wFHBiHwGjDWEh4dLx4mJiWa/T5EZscGOtUH+ht1wS18LMGZGXJyBTg9/DAbKsiMcpqleGIwQUa0gv5GLC4m1aGEsSrBXMKKmeBUAPD094etrGDOorsGImBkByg9Gjv4uYPpy4Kk3G+HoH4bn5EMntghGnJ01aOgvXsv4fMYDAZcfNrNTc8DdzRCxDOlpzMY0bsiZNNUJgxEiqhUqy4xcvXrVLu1Qs8aISGyvNYIRHx8fuLm5Wfw5psiDkYSEBJOvuZBg2JTuYqKrMRiRD9OoW/jVbOLnptwH9HpD8HNCXi/Sxng8pAcwZxwwbgAwabBt2kOWYTBCRLVCdRmmUbPGiEhsb25uLh48eFDJq00Ta2KsnRUBys+MpKam4sKFCygqKkKvdsbXGzMjxudskRmRf26JDkh7OI1YXrzao40xA6LRaLDkVS02LtAi0I+ZkeqEwQgR1QpiMOLq6ipNY42MjJRmbFTXYRqg6nUjJSUluH/fsAmLPYORLVu2oG3btvD09MTpI1/C7+Fs4mPnDYW8YjDi6Q74elm9WQBML3x24qKyeJWqPwYjRFQriDfx4OBgKQBxd3eXbqSOCEbUZkYAy4IR+a68tghGgoOD4ezsDEAZjFy+bFhVTKfToXFYqHTjv5cB3LhjHKYJqW+71U5NrTVy7rrhTx9PoJm6rXjIQRiMEFGNV1xcLNVMyG/sgHGoJiMjQ3HTthX5MI29MiOlp/Vam5OTk7RmizwYkS+z36pVK/Rsa3zPvpNAVo7h2FZDNIbPNgY5t9OBrBwBCQ9nH7dvyiXfawoGI0RU48mzEeUFI4B9siOOyIzYciaNSMwwZWRkSHUtYmakXr16aNiwoSIY+fpn286kETUqlRn544bxcfumtrsuWReDESKq8UwVr4ocGYyYmxkRpyIDlgUj8gXdbB2MAIbsSF5enjSzplWrVtBoNOjeGtBqDEHIgdPG99pqJg1QdhXWc/HGxx2aMStSUzg7ugFERFVVUTBi77VGxGGaevXqmT3FtiZlRgBDMFJSUiI9btmyJQBDkWpUWDEuJbmiRLZqvHwoxdpK14xotcaMDDMjNQeDESKq8eS73VaUGbHHWiNqloIX1cRgJDs7W3osLrsPAJ2bF+JSkqvivbYcpmnob9h8T68H7twH7stmRrdjMFJjcJiGiGq8ijIjTZsa70i2zozk5+dL9RRqghFfX194eHgAqL7BSOkl4cV6EaBsMFKaLYMRJycNgh9uSHwr1Vgz0rgh4O/DYZqagsEIEdV4FQUjHh4eCAsLA2D7YMSSmTSAYcZHVVZhtfVsGqBsZkQ+k0YcpgGAzi1MBCM2rBkBjMHOnXTjDB4O0dQsDEaIqMarKBgBjHUj6enpyMjIsFk7LJlJIxLbnZGRgYKCAlXvtUcBqzi1FzAsCS8GI05OTmjWrJl0LrxhCRr4Kd/byNbBiInP79Cs7HNUfTEYIaIaTwxGtFqtyYyEvG4kPj6+zHlrsTQzAiiDqJSUFFXvFTMjbm5u8Pb2VvVec3l7e0sr2968eVMapomMjFQU6mo0QA/ZFF9fL8Db07bDJaaCnfZNOURTkzAYIaIaTwxGGjZsCCcnpzLn7VXEao3MCKB+qEYMRho0aGDTRb7EoZqkpCTk5eUBUNaLiHrJghFbD9EApmfrcJimZmEwQkQ1mk6nk4IAU0M0gPXXGjl27BhGjhyJDRs2SM8JgoADBw5Ij+0VjAiCYNNN8uTkRawieb2ISJ4ZsWXxannXcHEGWjYx/VqqnhiMEFGNlpaWBp3OsKhFecGItdcaee211/D1119jwoQJeOWVV1BUVIQ5c+Zg48aNAAAXFxd0795d1WeqCUYuXryITZs2oaSkBJmZmdKaH7YORuRFrCJTmZHurYDwYMNx32jbD5eUzr60agK4unCYpibhOiNEVKNVVrwKWH9678WLxj3qP/74Y+zdu1dajVSj0SA2Nhahoep2aDM3GLl58ya6d++OnJwcnD17FlOmTJHOOSIYMZUZcXcDjq3U4GIC0KeTTZsEoGxmhMWrNQ8zI0RUo926dUs6li+rLufl5SWdq2rNSFZWlmLBLwBSIAIAn3zyCZ5//nnVn2tuMDJ//nzk5Bjmr65Zs0ax4JutpvWKzM2MAECjQA36ddHAyckOmZFSX5vFqzUPgxEiqtGSk5OlY/n009LEupHU1FRkZWVZfD35rrU9e/ZUZEBWrFiBl156yaLPNScYOXXqlKJOJT09XfHY3pmRgIAAmwdA5gisBzjL6pZZvFrzMBghohpNHoyIi5uZIl8L4+bNmxZfLykpSToeMGAATp06hUWLFmH37t2YNWuWxZ9bv359ODsbRs5NBSOCIGDOnDllnl+/fr10bO9gpGXLljadvWMurVajmN7LYZqah8EIEdVo5gYjERER0nFVghF5ZqRJkyYICgrC/Pnz8fTTT1v8mYBhjZTgYEPVp6lgZM+ePTh48CAAQw2MuOaHfIE0WwcjwcHBcHFxkR6XN0TjCNEPa5SbhQKhtu0GsgEGI0RUo8kzFfYIRuTXq2hYyBLiUM29e/cUu+KWlJRg7ty50uP//Oc/GDVqVJn32zoY0Wq1iu9sqnjVUVb+RYN3XtFg52JNtcjWkDoMRoioRhMzI15eXvDz8yv3dZGRkdLxjRs3LL5e6cyINYnBiCAIilVY9+3bhwsXLgAAHnnkEYwcORLjx48v835bByOA8jtXp8xIaAMN5j6vQdtIBiI1kepg5N///jcGDRqEPn36YMyYMfjll1+kc7GxsRgwYAD69euHFStWQBAE6dz58+cxduxYxMTEYOrUqRZtBkVE1Yv877ijri8GI2FhYRX+RmyLYRprZ0bkbZQHTH/88Yd0PGPGDGg0GsTExJS5vj2CEXk2pH379ja/HtUNqoOR8ePHY/fu3fj555+xYMECvPnmm8jMzMThw4exZcsWxMbGYvPmzTh69Ch27twJACgqKsLcuXMxduxYHDhwAB07dsSbb75p9S9DRPazcOFCeHl5YenSpQ5rQ1ZWFnJzcwFUPEQDGKb9igWi1him8ff3t/o+MOWtFCvfT0dcwE2r1SqmEDs5OVWYGbKWuXPnYtiwYVi6dKli/RaiqlAdjERERMDV1RWAYXGfkpISpKamYs+ePRg+fDjCwsIQGBiICRMmYM+ePQAM09FcXFwwbNgwuLm5YcqUKbh48aJifQAiqjkEQcB///tf5Ofn44033sCVK1cc0g5zi1cBw81aHGKwNBjR6XTSNa09RAMoV4qVr4ciD0bks4LkwUj9+vWh1dp+5L1p06bYvn07/vrXv9r8WlR3WLQC63/+8x/s3r0bhYWFiImJQfPmzXHjxg0MGjRIek3z5s2lv0DXr19X/CVzd3dHWFgYrl+/bnKVwqKiIhQVFSkb6uwsBUG1nV6vV/xJFWN/qWON/kpNTZUW3iopKcHrr7+OrVu3WqV9asiHTEJDQyv9TpGRkbh+/TqysrKQnp4Of3//Cl9fuq/u3LmD4uJiAIYhGmv/zMkzDVevXpU+X8yS+Pj4ICAgQHq+Xbt26N27Nw4dOoQePXo4/O8A/y6qU1f6y5wg2aJg5PXXX8ecOXNw6tQpxMfHQ6PRIC8vD15eXtJrvLy8kJ+fDwDIz89XnBPPi7s+lrZu3TqsXr1a8dyoUaMwevRoS5pbY8mr9qly7C91qtJfcXFxisfbt2/H119/ja5du1a1WRa3w8PDQ7ESqin16xsXozh27Bjatm1bwauNxL46e/as9Jyfn1+l17OEk5MTdDodLl68iISEBBQXF0tBV5MmTRQBGGBYaO3EiROIiYmxSXsswb+L6tT2/pIXj5fH4r1pnJyc0L17d3z55Zdo3LgxPD09pbFbAMjNzYWHhwcAwz8S8nPieU9PT5OfPXny5DKV4nUtM5KUlITGjRvbJe1a07G/1LFGfx0/frzMc++++y4OHTpk12mV4i88ANCxY0eTu8rKtWvXDps3bwYAFBYWVvr60n3122+/Sefatm1b6fstERERgfj4eCQmJqJJkyaIj4+XNgJs1apVmWuGh4ejY8eOVm+HJfh3UR32l1GVN8oTx1AjIyNx7do19OnTB4BhjFMc22zatKkihVtQUIDk5ORyi59cXV3rTOBREa1WW+d/QNVgf6lTlf6S/3Yu/iZ/7NgxbN++HSNHjrRWEyslrztr0qRJpd9H/htaYmKi2d9f7Cv59cLDw23y8yYOcT948ADp6emKWTXNmzevET/j/LuoDvtLZQFrTk4O9u7di7y8PJSUlGDfvn04efIkoqOjMWTIEGzbtg3JycnSfglDhgwBAHTp0gWFhYXYuXMnioqKsHbtWrRu3Vr1rpZEVD3IC0DfeOMNxbE9p/uqKWAFqr7WiC2n9YpKF7GWV7xKVJuoDsW2b9+OIUOGoH///oiNjcW//vUvtGzZEo8++ihGjhyJiRMnYuTIkejRoweGDh0KwJDpWLp0Kb788ks8/vjjOHPmDBYtWmT1L0NE9iG/kc+YMQO9evUCYLh5lq5psCUxGHF3d5eWR69IVdcaseWCZ6LS03sZjFBdoGqYxtvbGx9//HG55ydPnozJkyebPNe2bVts2rRJXeuIqFoSb+Senp5o2LAhevXqhaNHjwIwBCS2qKUwxdwFz0SNGjWCi4sLiouLLQpGxEJDrVaLkJAQ1e83B4MRqovq9iAVEakmCIJ0I4+IiIBGoyl3fQxbys7ORnZ2NgDzh0y0Wq0UKN28eVP1kJKYGZEvoGZt5QUjLi4uZg1FEdVEDEaISJV79+5JO8WKwx5RUVHSeXstgKa2XkQk1o08ePAA9+/fN/t9BQUFuHfvHgDbDdEAhvaJxYxXr17F9evXpeednJxsdl0iR2IwQkSqyOtFxGDEEZkRS4MRNXUjqamp+OWXXxQrrwK2K14FDDV2YvYmLi5OWo+JQzRUmzEYISJV5Ddw8cYeEhIirRtUW4KRpKQkREdHY9KkSfjTn/6kWFDMlpkRwDhUU1JSIj3HYIRqMwYjRKSK/AYuDnloNBrpBnr9+nXFTdRWbBmM5ObmYujQodLu4l999RXefvtt6by9ghE5BiNUmzEYISJVTA3TAMa6kZKSkirtimsu+RLaaoZNKltrRK/XY9KkSThz5ozi+f3791t0PUswGKG6hsEIEaliapgGsH/diK0yI4sWLZJWjPbx8cHjjz9e5jXMjBBZF4MRIlJFvIF7eXkpNp5zVDDi6uqKwMBAs98XFBQENzc3AGWDkfj4eLz11lsADENPGzduxIoVK8oEArYORuR9KTJnszGimorBCBGZTa/XS4WckZGRioXG5DdQe0zvVbvgmaiitUZOnTolHb/22msYMmQIvL298fnnn0vTan18fMxa7bUqSvdtaGiotPEoUW3EYISIzJaSkoLCwkIAyuEOQLnWiK0zIzk5OcjMzASgbohGJGYZcnNzkZaWJj0vX+69W7du0nGPHj3w6aefonnz5li8eLHNdyZ2d3dX1KWYGrYhqk0YjBDVICUlJVi5ciX27NnjkOuXVy8CAA0aNICvry8A2wcj8t1zLQlG5G2XF7FWtPfMxIkTcfXqVcycOVP19SwhD0BYL0K1HYMRohpk9uzZmDFjBp599llcu3bN7tevKBiRLwufkJAgZVBswdKZNKKmTZtKx+YGI/bGYITqEgYjRDXEb7/9hpUrVwIAdDodfvvtN7u3QX7jNlVQKQ7V6PV6aRlzazl9+jT+/Oc/o2vXrhgyZIj0vCWZEXkwIt+ITgxynJyc0KhRoyq0turatm0rHbdu3dqBLSGyPdvs9EREVlVSUoJp06Ypii3ttdKpXEWZEaDsjJqq3kRLSkrw2Wef4aOPPsLJkydNvqZLly6qP1cejMiDJjEzEhoaCicnJ+j1etWfbS0TJ07EgQMH4Ovri6efftph7SCyBwYjRDXA//73P5w9e1bxXHUbpgGsP713zpw5eO+99xTPaTQatGrVCt27d8fQoUPRo0cP1Z8rH/YQg5G8vDypmNXRQzQAUK9ePezYscPRzSCyCwYjRNVcUlIS3nzzTQCGG7GYHXFEMCIO0/j4+MDf37/MeWtP7923b590HB0djWnTpmHMmDHw8/Or0ufWq1cPAQEBuH//vjRMI69DqQ7BCFFdwmCEqJr7xz/+gdzcXADAtGnT8M033yA5OdnuwYhOp5OGMUqvgyGyZmZEEAQp+GnRogVOnTpl1Sm1TZs2xf3795GUlISioqJqVbxKVNewgJWoGhMEAXv37gVgWPF08eLF0g0/LS1NWmvDHm7evIni4mIAypoLuYCAAGlV1qoGI6mpqVIQ1rRpU6uv7SEO1QiCgISEBAYjRA7EYISoGktISJB2ju3Zsyf8/f0VUz7tmR25cOGCdCyf6VGaGCwlJycjLy/P4uvJC0vLC36qonQRK4MRIsdhMEJUjR05ckQ6jomJAQCHBSPnz5+Xjtu0aVPu6+RDNVVpn3wasa2Dkfj4eAYjRA7EYISoGjt69Kh03KtXLwCOC0bMzYzIl4W/fPmyxdeTZ0ZssUkcMyNE1QeDEaJqTAxGNBqNNIXV3rvjisRgRKvVKgKO0uRri1y8eNHi69l6mKb09F4xGPH19UW9evWsfj0iKh+DEaJq6sGDBzh37hwAoH379tK+L/Ibs70yI3q9XgosmjZtWuEOstYKRmw9TBMWFgZnZ8OEwmvXrklTe5kVIbI/BiNE1dTx48elFUDFehHAMKsmJCQEgP2CkYSEBKkYtaJ6EcAwjOTk5ATAOpkRf39/m2QqnJycpIXbLly4IO2lw2CEyP4YjBBVU/LiVbFeRCTWjdy7dw/Z2dk2b4u59SIA4OrqKg2BXL582aIl1YuLi6VMhS2yIiKxnTqdTnqOwQiR/TEYIaqm5MWr8swIYL0ZK+aSByOVZUYA41BNQUEBEhISVF8vMTFRCmJsGYyY+mwGI0T2x2CEqBrS6XT49ddfAQDBwcFl9oGx94wac6f1iqpaN2LrmTQiBiNE1QODEaJq6Pz589LwS69evcqsPmrvYETMjIib1FWmqsGIrYtXK/psBiNE9sdghKgaqmiIBrBvMCIIghSMREZGwtPTs9L31JTMiHx6r6hx48Y2ux4RmcZghKgcOp0OBQUFDrl2RcWrgPImauu1RhITE6U9YswZogGgyJ6YG4wUFxdLOxLbeo0RUelAR6PRIDQ01GbXIyLTGIwQmZCUlIQmTZogLCzM7rvj6vV6HDx4EADg5uaGzp07l3mNj48PgoODAdg+M6JmJo3Ix8cHYWFhAAzBiBhklOcf//gHXF1d8dprrwEwDtNotVqbDpv4+voiMDBQehwSEgIXFxebXY+ITGMwQmTC8uXLcfv2baSnp2Pz5s12vfYvv/yCW7duAQAGDBgAV1dXk68Th2pSUlKQk5Njs/aonUkjEodqMjIycO/evXJfl5aWhrfffhsAsGLFChw6dEjKjISFhZX7/a1FnmVivQiRYzAYISolNzcX69atkx5XZX8VS2zYsEE6Hj9+fLmvk9eNxMfH26w9lgYj5g7VbNy4EcXFxdLjGTNm4P79+wBsO0Qjkl+DwQiRYzAYISpl06ZNyMrKkh5fuXLFqp9/9+5dXLt2zeRiYIWFhdi6dSsAw0qrzz77bLmfIw9GbFk3Ip/Wa85MGpG5Raxr165VPP7999+lYwYjRHUDgxEiGUEQsHLlSsVz1gxGLly4gMjISLRo0QJ+fn7o27cvFi5cKA2zfPfdd8jMzAQADBs2DF5eXuV+lnzhs6pmb/Ly8vDf//4Xu3fvVjwvn0kTEREBb29vsz/TnGDkzJkziIuLAwBF7YbIljNpRC1btpSOTc2uISLbYzBCJHPixAmcPn1a8dz9+/eRlpZmlc//8ccfkZ+fD8CwEd7PP/+Mt956C8OHD0dJSQk2btwovbaiIRoAaNeunXQs3tAt9f7772POnDl49tlnsX//fun55ORkPHjwAIC6IRrAvGBEnhVZtGgR+vXrpzhvj8zIyJEj8fTTT+OJJ57AuHHjbH49IiqLwQiRjDwr0qBBA+nYWtmR5ORk6TggIEA63rdvH2bNmiVlJgIDAzFgwIAKPysqKgpubm4Aqh6MyIdGXn31VWlK89KlS6Xn5cGPORo2bAh/f38AwKVLl8qcLygokOpj3N3dMW7cOMX1APsEIx4eHti9ezd++OEHaWdkIrIvBiNED6Wnp+Orr74CAPj5+UnTTAHrFbGKm78Bhl15Dxw4IG1jv2rVKikIGDNmTKVTTJ2dnaUA4erVq9JaIJZISUmRjq9evYp33nkH+/fvx//+9z8AhmBhypQpqj5To9FI2RF5hkW0a9cuZGRkAABGjBiBevXqoXPnzpg4cSIAwNvbW3U2hohqJgYjRA/FxsZKwcCkSZPQqVMn6Zy1MiPyYCQsLAyPP/443n333TKvq2yIRtSxY0cAhtqOP/74w+J2yYMRAFi8eDFeeOEF6fF//vMfREVFqf5c+VBN6eyIfMbSiy++KB1/9NFHWLlyJQ4ePMhMBVEdwWCECIab+SeffCI9fuWVVxSFjdYepmnQoAHc3d0BGKayTpo0SXpNZGQkevToYdbnyQOmqgzV3LlzR/G4qKgIt2/fBgA8/vjj+L//+z+LPlcejMinCGdmZuKHH34AYCiM7du3r3TO3d0dr776Krp27WrRNYmo5mEwQgTDQmNiwNG3b1+0bNkS4eHh0oJb1him0el00mJm4uqkgGE4Y9WqVXjyySfh7OyMRYsWldkYrzxiZgQAzp49a1G7CgsLpeGSjh07Ijw8XDrn4+ODdevWQau17J+K9u3bm2xfXFycNLV5yJAhFn8+EdUO/BeACFBkRaZOnQoAcHJyktbyuHbtGnQ6XZWukZKSIn1G6c3Y3N3dsWfPHuTl5Zk9RAMAHTp0kI4tzYzcvXtXOm7WrBlWrlwpBQcffPCBIjhRKzo6Wjo+c+aMdCxvqzy7Q0R1E4MRqvPS0tKkhcbq16+P5557Tjon1kkUFhYiMTGxSteRz6SRZ0ZEGo1G9b4ofn5+UrBw7tw5kwupVUY+RNOoUSMMGTIEv/32G44dO6aoG7FEgwYNpI3nzp49K+1RI8+SyLM7RFQ3MRihOu/zzz9HUVERAEPhqjhdFoBV60bkxavW3KZevJnn5ORIG8ypIS9eFTff69Kli9l1K5URMx9ZWVm4efMmAGNmRKvVqp4yTES1D4MRqtNKF66+/PLLivPyGSTVPRgBLBuqMRWMWFPpoZqSkhJpifmoqCh4enpa/ZpEVLMwGKE67dChQ1Jxap8+fRSZEEAZjFS1iLWyYRpLVXVGTelhGmsrHYxcvnwZhYWFADhEQ0QGzo5uAJEjrV+/XjqeNm1amfM1aZgGsGxGjb0zI/LpvgxGiAhgZoTqOPlCYaZ2yA0MDISfnx+AqmdG5MGIWNRpDZGRkdIGdtVxmCYiIgL16tUDYAiWWLxKRKUxGKE67erVqwAMwyamdsjVaDRSdiQxMVHa5M4S4jBNw4YNFUWyVaXVaqUpvgkJCdKuv+YSh2k0Gg0aNmxotXaJNBqNNJR069Yt7Nu3TzrHYISIAAYjVIdlZGQgPT0dANCiRYtyXyevG7l27ZpF1yopKZFWNLXmEI1IflM/d+6cqveKmZHAwEDVU4vNZWq9kfr16yMkJMQm1yOimoXBCNVZ8fHx0rG4uJkp8roRS4dq7ty5I60BYs3iVZGlM2oEQZCCEVsM0YjkwYioU6dOZq80S0S1G4MRqrPkWY6KghFrTO+Vz6SxdWbk999/N/t9GRkZ0hortphJIzIVjHCIhohEDEaozhLrRQDzgxE1N3q50rv1Wpt8hsrFixfNfp+ti1dFrVq1KlMnw2CEiEQMRqjOMjcz0qZNG2m2ysGDB6UlzdWw1bReUb169aT6C0uDEVtmRlxcXMqstMpghIhEDEaozpIHI82aNSv3dS4uLujTpw8Aw6Zy4uqhath6mAYwZkfS09ORmppq8jWZmZlYt26dNNwkX/DMlpkRQDlU4+LiosjmEFHdpioYKSoqwsKFC/HUU0+hT58+mDRpkqJyPzY2FgMGDEC/fv2wYsUKxW+Q58+fx9ixYxETE4OpU6cq/hEkcgQxGAkJCTE5rVduwIAB0rF8aqq5bD1MA1Q8VCMIAj7//HO0bNkSL730EsaMGYPs7Gy7DdMAymCkTZs2cHV1ten1iKjmUBWM6HQ6hISE4NNPP8XBgwcxbtw4vPbaa8jLy8Phw4exZcsWxMbGYvPmzTh69Ch27twJwBDEzJ07F2PHjsWBAwfQsWNHvPnmmzb5QkTmyM7Oxr179wBUPEQjqmowIs+MWHPBM7nygpGbN2+ib9++mDhxovSds7Ky8N1339ltmAYwbL4nki9hT0SkKhjx8PDAyy+/jODgYGi1WgwaNAguLi5ISEjAnj17MHz4cISFhSEwMBATJkzAnj17AACnTp2Ci4sLhg0bBjc3N0yZMgUXL17ErVu3bPKlqPpLSUnBsWPHpP/s/bNgbr2IqG3btggKCgIA/PTTTyguLlZ1PTEzEhQUZLOMQKtWraTjS5cuSccTJkzAL7/8Uub1u3btsuswTffu3TFhwgS0bNkSr732mk2vRUQ1S5X2pklMTER2djYaN26MGzduYNCgQdK55s2bS+s4XL9+XbGolLu7O8LCwnD9+nWTvyUWFRVJ0w2lhjo715m0rrgehfhnbXPkyBH07dtX8f00Gg2+//579O/fX/XnWdJf8im6zZo1M+u9/fv3x8aNG5Gbm4tjx47h0UcfNetaxcXF0k2/cePGNvv/Kl8P5cKFC9Dr9UhLS8ORI0cAGIKNjz76CJMmTUJmZib27NmjKCJt2LChzX/mPvvsM+m4Jvx81/a/i9bG/lKnrvSXVlt53sPiYKSgoABvvvkmJk2aBG9vb+Tl5SnG3b28vKSls/Pz88uMyXt5eSEvL8/kZ69btw6rV69WPDdq1CiMHj3a0ubWSPI6g9pk1apVZf7yCYKAJUuWmJWlKI+a/jp58qR0XK9ePSQkJFT6nujoaGzcuBEAsHXr1goLUQVBwMWLF5GWloaMjAypfiogIMCsa1lCEAT4+PjgwYMH+OOPP5CQkID9+/dL559++ml06NABjz32GHbt2oXs7GwpUHF3d0dGRobqpeTritr6d9FW2F/q1Pb+ioyMrPQ1FgUjJSUleP3119G4cWO8/PLLAABPT0/k5uZKr8nNzYWHhwcAw/CO/Jx43tPT0+TnT548GePHj1c2tI5lRpKSktC4cWOzIsqaRix6dnJywsyZM7FhwwakpaXh0KFD8Pf3h6+vr6rPs6S/xGXgAaBnz54IDw+v9D2jR4/GnDlzABiGHk29JzMzE1988QU++eQTk7NuoqKizLqWpdq2bYtff/0Vt2/fRv369RVrqQwaNAjh4eEYN24cdu3aBcD4G1mjRo0QERFhs3bVVLX976K1sb/UYX8ZqQ5G9Ho93nzzTWg0Grz11lvScs6RkZG4du2aNAUyPj5emi7ZtGlTbN26VfqMgoICJCcno2nTpiav4erqWmcCj4potdpa9wOamZkp3aQ7deqE9957DyUlJfjwww9RWFiIPXv24Pnnn7fos0v3161bt5CammqyWFJeM9KiRQuz+rlJkyZo1aoVLl26hOPHjyMnJ0cROO3evRtjx44tN+MHAL169bLp/9PWrVvj119/BWBY1O3YsWPSuUcffRRarRaDBw+Gq6urYihUrAMj02rj30VbYn+pw/6yYJ2RxYsXIz09Hf/5z3/g7GyMZYYMGYJt27YhOTkZ6enp2LBhA4YMGQLAUEVfWFiInTt3oqioCGvXrkXr1q1tNquAqi/xRgkYbsyAYQhOJA9aq+Lu3bvo0qULoqOjERsbW+a8GIwEBQXBx8fH7M8VZ9XodDr8/PPPinNLlixRBCK9evXC/PnzsWDBAixYsAAbNmyw+VCjfEZNXFwcTpw4AcDwC4FYoOrj44OePXsq3mfrmTRERBVRlRm5c+cOduzYATc3N8VUx/fffx+PPvooRo4ciYkTJ0Kv12PYsGEYOnQoAEOmY+nSpVi0aBGWLFmCNm3aYNGiRdb9JlQjiDUKgDEYefTRRxEUFIS7d+/iu+++Q05OjrTiqaW++OIL3L17FwCwaNEivPDCC9JvHjk5OdKU1op26zVlwIAB+OCDDwAYpvg+88wzAAxFqmIdSmhoKPbu3VtmxVF7kAcjGzduREFBAQBjX4sGDBigCKZsPZOGiKgiqoKRRo0aKQr/Sps8eTImT55s8lzbtm2xadMmda2jWufo0aPScUxMDABD7chzzz2HVatWoaCgAN9++y3GjBlTpets2LBBOr5+/Tp++OEHPPnkkwDM363XlL59+8LJyQk6nU6x3si5c+ekG3+fPn0cEogAyum98uJVsa9FAwYMUKz1w2CEiBypbg9SkV2VlJTg+PHjAAyrkMpno4wcOVI63rJlS5Wuc/HiRZw5c0bx3MqVK6VjtWuMyNWrVw9du3YFYJg+K07ZlQ8/9ejRQ3WbrSUyMrLMhnRA2cxIUFAQunfvLj3mMA0RORKDEbKbc+fOSbOqSv+m/thjj6FBgwYAgD179pSZfaWGPCsi+uabb6Qptebu1lse+VooBw8eBAApyAIcG4w4OTkpdhkGAF9fX7Rt27bMa0eMGCEdy9coISKyNwYjZDfyIZrSv6k7Oztj+PDhAAzr0oir96olCIIUjGi1WsyYMUN6/pNPPgFQtcwIAPTr1086FodCxMyIm5ubw3ejLb0BXY8ePeDk5FTmdf/3f/+HuXPn4u233zZ7ATciIltgMEJ2Iy9eLZ0ZAZSzarZt22bRNY4ePYqbN28CMNRFzJ8/X5r1tWbNGly6dEkxpGJJMNKrVy9pKOTAgQNIT0+Xsi2dO3d2+LT00sGIqb4GDIHTO++8g9dff12aok9E5AgMRshuxMyIp6cnOnToUOZ83759pVk08sBFDfkQzfjx4xEcHIznnnsOAHDv3j20bt1aWuckKCgI9erVU30NDw8P6QZ/8+ZNfPnll9I5Rw7RiEoHI6WzUERE1Q2DEbKL5ORkJCYmAjBsmObi4lLmNc7OzlJxaFJSEm7fvq3qGkVFRdi8eTMAQ8AgDvu8+uqrZV7r6uqKBQsWqPp8OflQzZIlS6Tj6haMaLVaPPLIIw5sDRFR5RiMUJX98MMPeOutt5CRkVHua0xN6TVFfjOXF4Wa49NPP5WWeX/22Welxcz69OkjbeLYpEkTvP3220hKSsL06dNVfb6cvIhVvq9EdbjxR0VFSUNFHTt2VLWoGxGRI1Rp116i9PR0DB06VFrif82aNWVeU1RUJC0UBlQ8bCAPRn799Vcpu1GZnJwc/POf/5Qey7eo12g02LlzJ+7cuYPGjRubLOZUq2vXrvD19UV2drb0XHBwMJo0aVLlz64qd3d3LFu2DOvXr8fixYsd3RwiokoxM0JVEhcXJy32tWXLFhQWFirOC4KAWbNm4dChQwCAkJAQ9O3bt9zPk2cW5IWmlfnkk09w7949AIYN7UpnKNzc3BAREWGVQAQwDCmJ+zCJevToUW0KQWfOnInjx48rMjhERNUVgxGqkosXL0rH2dnZilVJAcNiYx9//DEAQ0Cwbdu2cndrBgzZBXFX25MnT6KkpKTSNty6dUvKyLi4uNgtGyCvGwGqxxANEVFNxGCEqkQejADKje4OHDiAP//5z9LjNWvWmHXDFodq8vLy8Mcff1T6+n/84x9Sdmb69OnSbtG2VjrrUB2KV4mIaiLWjNRyp0+fVhSCBgQEYNiwYSaXDLdE6WBkx44d+PjjjyEIAqZMmQKdTgcAmDt3LiZMmGDWZ/bo0QNfffUVAMNQTadOncp97ZEjR/DZZ58BMCzVLt9vxdbatWuHBg0aIDU1FVqtVpoJRERE6jAYqcUuXryI7t27SwGBaNasWVixYoXVriGXmZmJAwcO4OrVq9LiY3379lU1dFK6iPWVV14x+bpff/0VgwcPhl6vBwD87W9/Q/369VV+A8tpNBrMnz8fc+fOxfTp06u80zARUV3FYZpa7JtvvikTiADA6tWrkZmZWeXPz8rKkjaKk686um7dOixatEh6vGzZMlWFo506dZLWISlveu9vv/2GQYMG4cGDBwAMM3TkQ0L2MmvWLOTk5GD58uV2vzYRUW3BYKQWk69iumzZMgwbNgyAYe+Xzz//vMqff+nSJel4zJgxUmZg8+bNSE1NlZ7v3Lmzqs91d3dHdHS0dI3S65ecP38eAwcOlKbV9uvXD6tXr3bYMuzicvNERGQZBiO1lCAI0kJjfn5+mD17Nv71r39J51euXAlBEKp0DfkQTXR0NJ5++mnFeScnJ0WGRA35UM1vv/2mOLd48WJkZWUBMAwB7dy5Ex4eHhZdh4iIHI/BSC117do1KTvRq1cvaLVatG3bVlob4/Llyzh48GCVriEPRlq3bo2RI0cqzr/00kto0aKFRZ9d3kqsgiDgp59+AgB4eXnhm2++qXCqMBERVX8MRmop+fLr8hVP5fu0rFq1qkrXKB2MDB48GF5eXgAMe8NUZe8XeTBy7Ngx6fj69evSnjW9evWSrkdERDUXg5FaSl4vIt8LZvjw4QgKCgIAbN++XfVmdHJiMOLp6YnGjRvD09MTq1atQnR0NGJjYxESEmLxZ0dERCA4OBgA8PPPPyMvLw8ApJVcAeCxxx6z+POJiKj6YDBSS4mZEScnJ3Tr1k163tXVFS+//DIAQKfTYfXq1RZ9fkFBAa5fvw4AaNWqFbRaw4/Sn/70J5w+fRqjR4+uSvOh0WikGpT8/HxpZVd5MNK7d+8qXYOIiKoHBiO1UGZmJs6fPw/AUFhaeihj6tSpUvCwfv16i65x9epVaX0P+Zb11jR06FDpeOfOnQCAX375BYAhqOrevbtNrktERPbFYKQWktdYmNoht3HjxujZsycAID4+Hvfv31d9jdL1IrbQv39/qTh19+7duHXrFq5duwYA6NatG2fQEBHVEgxGaiF58aq8XkROvvbH2bNnVV/DHsGIh4cHnnzySQBAamoqli5dKp3jEA0RUe3BYKQWkhevmsqMAJAWFQOAM2fOqL6GPYIRQDlUs3LlSumYxatERLUHg5FapqSkRFqXo3HjxggLCzP5OmsFI87OzmjevLkFLTXPU089JS0lX1xcDMBQ3FpekEVERDUPgxEr0ev1uH79Oq5du4Zr165VacpsVcTFxUnTYMsbogGANm3aSPu/qA1GTpw4IQUjzZs3lz7HFurXr49HH31U8VzHjh1Rr149m12TiIjsi8GIFRQXF6Nnz55o1qwZWrRogRYtWiA0NBSzZ8+2e1sqK14Vubq6ol27dgAM+7+IAUxlTp48iSeeeELKUgwaNKgKrTWPfKgG4BANEVFtw2DECr777rsy+6cAwAcffIBbt27ZtS0nTpyQjh955JEKXysO1ej1epw7d67Szz59+jSeeOIJxb4w//73v6vQWvOUDkZYvEpEVLswGLEC+Q64Tz/9tDRttiqLillKDEZcXFzQsWPHCl+rpm7kzJkzGDBgADIzMwEYshPffPONXZZjb9q0Kdq3by89Lj1sQ0RENRuDkSq6f/8+du/eDQAICgrC9u3bsXnzZqno8pNPPpGGNGztwYMHuHTpEgCgQ4cOcHNzq/D15gYjcXFxGDBgADIyMgAYgoFvv/3WrvvCLF26FC1btsSCBQukZeKJiKh2YDBSRV999RWKiooAAOPHj4ezszPCwsLw7LPPAgDu3LmDXbt2WeVa586dw4IFC6Rl2Es7ffo0BEEAAHTt2rXSz+vYsSM0Gg2A8oORc+fOoX///tLCaDExMdizZw+8vb0t+QoWGzRoEC5duoSFCxfa9bpERGR7DEaqSD5E88ILL0jH8t1x5etjWEqv1+PZZ5/FokWLEBMTg+Tk5DKvkdeLyPejKY+3tzdatGgBAPj999/LZHBu3bqF/v37Iz09HQDQs2dPfPfdd/Dx8anKVyEiIlJgMFIFly9fxq+//grAkGWQ12j0799futEfOHBAsUiYJU6cOIGEhAQAQEpKCoYOHVpmBozaYAQwDtUUFhZKQzyi2NhYpKWlAQB69OiBvXv3MhAhIiKrYzBSBfJN5uRZEQDQarV45ZVXpMcfffRRla4l1qWITp8+jRdffFEalgEM024BwzLqbdq0MetzK6obkT/+9NNP4evrq7rdRERElWEwYiG9Xi8FI05OTnj++efLvGbSpElwd3cHAHz22WcoKCiw+HrffPONdCwWjn711VfS1Nr09HSplqRz585wdnY263MrCkbi4uIAGIKbli1bWtx2IiKiijAYsdAvv/yCxMREAIbiSlMzPAICAjBy5EgAQFZWFg4dOmTRtZKSkqTAoFu3bti4caNUePrWW2/h+vXrUlYEMK94VVReMJKTk4P4+HgAQLt27aTZQURERNbGYMSEM2fOYPjw4fjvf/+LwsJCk6/ZsGGDdDxhwoRyP+vpp5+Wjvfu3WtRe+RZkaeffhrPPvssXn/9dQCGtUyWLFliUb0IADRo0EDav+bMmTPQ6/UADAWt4hBQZeuVEBERVQWDERNeffVV7NixA3PmzEHHjh2xf/9+xfnCwkJs3boVgGHIRJzGa8oTTzwBrdbQzdYKRgBgzpw5UjHpunXrFDUlaoIR+euzs7OlDIz4J8BghIiIbIvBSClJSUnSrreAYcbMgAEDMGXKFOh0OgCG5d/FlUiHDx9e4eJfAQEB0rLsFy5ckIZ2zJWbmysFQyEhIdKwir+/P6ZPnw4AKCoqkpajr1evnupddPv16ycdi9diMEJERPbCYKSUHTt2SMf+/v7S8dq1a6UZMRs3bpSeN1W4WtqTTz4pHX///feq2rN//35pqOjpp5+WakUA4LXXXpMKZEVdunSRMjHm6t+/v+J6AHD27FnpuQ4dOqj6PCIiIjUYjJSybds26fjnn3/Gxx9/LD2eP38+4uPjpSGRBg0aYMCAAZV+pjwY+e6771S1x9QQjSgoKAgvvfSS4jm1QzQA0KpVKzRq1AgAcOjQIRQWFuL3338HAERGRqJevXqqP5OIiMhcDEZkUlNT8csvvwAAoqKi0K5dO0ydOhUTJ04EAGRmZqJ///7SFN3Ro0fDxcWl0s/t2rUrAgMDAQD79u0ze6+a3NxcqTbF3d1dkcEQzZkzRzGN15JgRKPRSEM1ubm5+PLLL5GbmwuAQzRERGR7DEZkdu3aJc0mGT58uDQk8s4770jZAXEVVMCwF405tFotBg4cCMCwmd2xY8fMel9sbKy0Od3o0aPh6elZ5jVNmjTB5MmTAQCurq6IiYkx67NLkwc6y5cvl44ZjBARka0xGJGRD9E899xz0nFQUBD++c9/Kl4bGRmJHj16mP3Z8qEac2bV6HQ6vPfee9Lj//f//l+5r33vvffwzjvvYM+ePRbvaCsvYhWHaAAGI0REZHsMRh7Kzs7Gvn37AABhYWFlFg6bPn26opDz+eefVxSTVkbMjADmBSM//PCDtKLqE088UWERqaenJ+bOnWtyGMdc4eHhaNasWZnnO3XqZPFnEhERmYPByEN79uxBUVERAMMQTekZKc7OzlizZg0CAgIQHBys2HfGHEFBQejSpQsAw+Jid+7ckc4JgoD33nsPs2fPxs2bNwEY9oIRVZQVsabSwYyvry8iIiLscm0iIqq7GIzAUJj61ltvSY/lQzRy3bp1Q1JSEpKSkqRVS9UYMmSIdCyfQrx//3689tprWLFiBdq0aYNXXnkFp0+fBmBYil2eVbGl0sFIhw4dVGV/iIiILFHng5GSkhKMHTsWly9fBmC4Affu3bvc13t6epq9CV1pI0aMkI63bNkiHcuXls/Pz8fq1aulx//v//0/uwUEjz/+uOIx60WIiMge6nwwMnfuXGkhsvr162P79u022xSuQ4cO0uqoP//8M+7du4fCwkJs374dgGE2jPzawcHBGDdunE3aYkqDBg0UtSkMRoiIyB7qdDCydu1avPvuuwAMNSFff/01mjZtarPraTQajBo1CgCg1+uxfft2fP/998jKygIAjBkzBqdOnULfvn3h4eGBJUuWwM3NzWbtMWXw4MHSsZrZQkRERJaybLyhFoiLi1MUoX744Yfo06ePza87cuRIvP322wCArVu3omHDhtK5MWPGSBvz3bhxA5GRkTZvT2l/+9vfkJeXhzZt2qB9+/Z2vz4REdU9dTYYadu2LWbMmIH33nsPM2fOxNSpU+1y3ejoaERGRuLGjRs4ePCglPnw9/fHE088Ib1O7f4y1lKvXj28//77Drk2ERHVTXV2mMbZ2Rnvvvsudu3aJQ3V2IN8qEan0yEvLw+AobjV1dXVbu0gIiKqLupsMCJ65plnLJ4dY6mRI0eWeW7MmDF2bQMREVF1oSoY2bp1K8aPH49HHnlEsZstAOzevRtDhgxBnz59sHDhQsVmcMnJyXjxxRcRExOD8ePH48qVK9ZpfQ3VtWtXhIeHS48bNmyIvn37Oq5BREREDqQqGAkMDMTUqVMV+5gAwLVr17B8+XIsXboU3377Le7evYs1a9ZI59944w088sgjOHDgAIYPH445c+agpKTEOt+gBtJoNIrsyKhRo+yenSEiIqouVAUjffv2RZ8+feDj46N4fu/evejXrx/atm0Lb29vvPjii/j2228BADdv3sSNGzcwefJkuLm5YeTIkdDr9Th79qzVvkRN9Morr8DHxweenp6YMWOGo5tDRETkMFb5dfz69evo3r279Lh58+ZISUlBXl4ebty4gSZNmiiKM5s3b474+Pgym9GJioqKpH1ipIY6O9eqAs+mTZsiKSkJgiDA19cXer1eOicey5+j8rG/1GF/mY99pQ77S5260l/mzA61SjCSn58PLy8v6bG3tzcAIC8vD3l5eYpzAODl5YX8/PxyP2/dunWKJdEBw1DG6NGjrdHcaicjI8Pk80lJSXZuSc3G/lKH/WU+9pU67C91ant/mbNmllWCEQ8PD+Tm5kqPc3JyABj2cfH09FScA4Dc3Fx4eHiU+3mTJ0/G+PHjlQ2tZZmRiuj1eiQlJaFx48YOW2+kJmF/qcP+Mh/7Sh32lzrsLyOrBCNNmzbFtWvXpMfx8fEIDg6Gp6cnIiMjkZSUhKKiIimYiI+PLxNsyLm6utaZwKMiWq22zv+AqsH+Uof9ZT72lTrsL3XYXyoLWEtKSlBYWAi9Xg+dTofCwkLodDo8+eSTOHDgAC5evIicnBysXbsWTz31FAAgIiICERERiI2NRVFREbZt2waNRoNOnTrZ4vsQERFRDaMqGPn0008RExODHTt2YO3atYiJicGePXvQvHlzvPbaa/jLX/6CIUOGoEGDBpgyZYr0vn//+9/49ddf8fjjj2Pr1q1YsmQJp7ISERERAEAjCILg6EaQkl6vR0JCAsLDw+t86s4c7C912F/mY1+pw/5Sh/1lVLe/PRERETkcgxEiIiJyKAYjRERE5FAMRoiIiMihGIwQERGRQzEYISIiIodiMEJEREQOxWCEiIiIHIrBCBERETkUV2AlIiIih2JmhIiIiByKwQgRERE5FIMRIiIicigGI0RERORQDEaIiIjIoRiMEBERkUMxGCEiIiKHYjBCREREDsVghIiIiByKwQgRERE5FIMRB+JK/GRL/PkyD/uJbI0/Y5VjMGJnmZmZuHXrFgBAo9E4uDXVX3Z2NtLS0hzdjBojLS0N+/fvB8B/ACuTkpKCTz75BJcvX3Z0U2qE+/fv48KFC9DpdI5uSo3Af+vVcXZ0A+qSZcuWYe/evQgJCUHXrl0xePBgNG/eHHq9Hlot48LSli1bhl9++QVBQUHo0qULnnrqKYSFhUEQBP7lNqG4uBhTp05FUlIStmzZgoiICOh0Ojg5OTm6adXO2rVrERsbi0GDBsHb2xslJSVwduY/h+VZtmwZvv/+ewQHByM8PByjR49G+/bt+XexHPy3Xj32ip0cPXoU58+fx5YtWzBjxgzk5uZi8eLFAMAfzlLu3buHv/71r7h+/To+/fRTPP/880hOTsbevXsB8LcMU/R6PVxcXNCxY0d069YNK1asAAAGIiZkZWXhwoULWLNmDf7+978jLCyMgUgFtmzZgvPnz2PXrl2YP38+fH19+XexAvy33jLsGRsqKCiQjpOSkuDk5AQ/Pz90794dL730EkpKSqSbhl6vd1Qzqw2xvx48eIAWLVrgnXfeQWBgIPr27YsGDRogPT0dAPtKJPaX+NtWVlYWrly5gpdeegmpqan48ccfAQAlJSWObGa1IP+7eOXKFSQnJyMqKgpxcXFYunQpvvvuO1y5cgUAf74AZX+lpKQgNDQU7u7uiIqKgre3N3x8fBzYuuonLy9POua/9ZZhMGIDGRkZeP311/HRRx9Jzzk5OSEiIkKqfwgMDMSMGTOwbds2pKWlQavV1tkxfrG/Vq1aBQBo1qwZnnrqKXh7e6O4uBgAEBAQII2/1vXfLkr/fGm1Wuh0OtSrVw9t2rSBn58f+vbti/Xr1wNAnf6t39TfRY1Gg+joaGzcuBFvvPEGXFxc8MMPP2DBggX8u2iivzw8PODs7IwjR46guLgYJ06cwN27d/Hrr79KN+G63F9z5szBokWLpKCf/9Zbpm7/q24DH3/8MYYNGwYPDw/MmDFDer558+Y4f/48kpOTpec6deqEXr164auvvgJQN1Oe8v6aOXOm9HxYWBgA44300qVL6N69u0PaWJ2U9/Pl5OQkFRg2aNAAkydPhpubG1588UW8/fbbDmyx45TXV15eXoiPj8fx48fx9ttvY/bs2fjXv/6F1q1bY/ny5QD4d1HeX8OGDUNMTAw+++wzPPbYYwgNDUVoaCi++OILfPjhhwDqZn9duHABEydOhI+PD6ZMmSJlPPhvvWXq7q9MNvDpp59i48aNWLx4MWJiYgBAKvDq1KkTwsLCsH37doSFhSEwMBBarRaNGjWCXq+vk4WGpvpLTuy7kpISpKeno1OnTtK5goICuLu716kCuop+vgDAx8cHHTp0gKenJ/bt24dbt24hNzcXEyZMAIA69TNWUV+1bt0aTZs2xfbt2zFy5EgAgKenJ3r27IkdO3YgOzsbvr6+jmy+3VXUX4GBgRgwYAASEhLQpUsXTJs2DQDw3XffYfv27cjMzISfn58DW+8YcXFxiImJwbx58wAAOTk5cHV1RadOnRAeHo5t27bx33oVGIxUkfxm8Nhjj+HkyZPw9PTE77//jk2bNiE0NBT169fHmDFj8Oc//xnz5s3Djz/+iIEDB6J+/fp48OABQkJC6swPpzn91bBhQ4wcOVJ6XXp6OrKystCuXTtcunQJH374IR5//HE899xztT4QUdNfDx48wIEDB3D+/Hnk5eXhhRdewIkTJ7Bv3z7069ev1v+Mqfm7OGnSJPz++++Ij49HmzZtUL9+fSQmJqJZs2Z1JhBR87OVn5+P48ePY9CgQdL7kpOTER4eXmcCEfF7C4KA4uJiJCYmIiYmBklJSViwYAHq168Pf39//N///R/+8pe/YPbs2fjhhx8waNCgOvlvvVoMRiyUl5eHlStXwsXFBb169UK7du3QokULtGvXDm+++SaKi4vxzDPPwM3NDatXr4YgCBg7diwmTZqEPXv24Mcff0SDBg1w+vRpLF261NFfx+bU9NdHH30EQRDw1FNPwdPTE3/88QcKCwuxcOFCHDhwAOPHj8dzzz3n6K9kU2r7q6SkBGPHjsWQIUOg1+vxyiuvwMPDAy1btsTt27cd/XVsytK/iy+++CL27t2LQ4cOoWHDhjh9+jTefPNNR38dm7P0Z6t79+7Ys2cPUlJSkJaWhiNHjuBvf/ubo7+Ozcn7KyYmBm3btoWHhwfS0tLw7bffokGDBnj00UfRq1cvrFixAu+99x5mzZqFadOmYfv27di3b1+d+rfeUhqBlTSqXb16Fa+//jratGmDwMBAXLx4EY0aNcI//vEPZGdn47PPPsOIESMQEhICANi3bx+++OIL/O9//4OPjw/S09Nx5MgR3Lt3D2PHjoW3t7eDv5FtWdJfGzduxLJly+Dv7481a9bg448/xjPPPIO//OUv7K9yfr7ef/99eHt716kC36r+XczMzMTx48dx584djBw5kj9bJvpr/fr1WLVqFVxdXXHw4EGcPXsWAPDqq6/W6f46f/48pk+fjrZt22LlypXS6z///HMMHDgQvXv3rnP/1leJQKpt3bpVmDt3rvT4xo0bQs+ePYX9+/cLgiAImZmZgiAIQkFBgSAIgvDgwQOhb9++wunTp+3f2GrA0v46efKkIAiCEBcXJ1y/ft3OrXYcS/qrT58+wpkzZ+zeVkfj30V1qvp3URAEoaSkxI4tdqzy+uvgwYOCIAjCvHnzhJEjRwqCYOyXcePGCdu3b7d3U2u8uvMrVBWkpaUhMTERgKEI8MGDB/Dy8pKmtdWvXx+BgYFYvXo1AKBevXoAADc3NwCGQqdOnTqhRYsWDmi9/Vmrv1q2bAkA6NChAyIjI+39NezGGv0VHR2N5s2bO6D19sW/i+pY++8iULsX0jOnv+rXr49PPvkEADB9+nTcvn0bX3zxBXJycpCamgofH5868XfR2hiMVEAQBKxatQrPPvssNm/ejOzsbDg5OcHHxwf5+fk4ffo0AMOiUo888ghSU1OxY8cOAIY9VX777Tf8+9//xoIFC9CrV69an6Jjf6nD/jIf+0od9pc6avqrR48euHv3Lnbs2IEmTZrgX//6F06dOoW//vWvGD16NKKjo9GuXTsHf6OahwWsFTh+/Dhu3bqFoUOHIicnB8ePH8cTTzyBZ555BklJSXj//ffxww8/4NChQ5g2bRqaN2+OhIQEAIbfLL7//nvk5uZi8+bNqF+/voO/je2xv9Rhf5mPfaUO+0udqvTX448/jt69e+PKlSsIDQ2VskukDgtYK1BQUIBr164hIiJCWh103LhxCAsLw4MHD5CQkIALFy4gKioKnTp1wr/+9S9ERERI6zqIa2HUFewvddhf5mNfqcP+Uqcq/cXN76yDPVgBd3d3tGvXDt7e3ujTpw/u37+P48ePAzAsMNWuXTuMHj0anTp1wt27d3H79m20adNG8f66hP2lDvvLfOwrddhf6lSlvxiIWAd70Uzdu3dHREQEzp8/j/Pnz0vP379/H4sXL8Zzzz2HqKgodO7c2YGtrD7YX+qwv8zHvlKH/aUO+8sxGIyYQRzJ6t+/P4qKivDHH38AAC5evIji4mJ06NABmzdvxuzZsx3YyuqD/aUO+8t87Ct12F/qsL8chzUjZhIeLgX83XffYdu2bbhw4QJatmyJ5cuX15nlkNVgf6nD/jIf+0od9pc67C/H4GwaM2k0GhQUFGDLli24fv06Zs2ahTFjxji6WdUW+0sd9pf52FfqsL/UYX85BoMRFY4cOYKWLVti1apV0qJAVD72lzrsL/Oxr9Rhf6nD/rI/DtOoIAh1Z7t6a2B/qcP+Mh/7Sh32lzrsL/tjMEJEREQOxdk0RERE5FAMRoiIiMihGIwQERGRQzEYISIiIodiMEJEREQOxWCEiIiIHIrBCBHVaF27dkXXrl2xe/duRzeFiCzEYISIKjV16lTppj9u3DjFuczMTMTExEjn//e//1n9+rt375Y+n4hqHwYjRKTK1atXcfr0aenxjh07UFhY6MAWEVFNx2CEiMzm7GzYzuqrr74CAOh0OmzdulV6Xi4rKwvvvPMOnnrqKTzyyCMYOHAg3nzzTaSkpEiv+fjjj9G1a1c888wz2LdvH0aMGIFHH30UL7/8Mm7evAkAeOutt7Bw4ULpPWKG5OOPP1ZcLycnBwsXLkSfPn0wePBgrFmzxtpfn4hshMEIEZktKioKoaGh+Omnn3D37l388ssvSElJQf/+/RWvKywsxNSpU7FlyxakpaUhPDwcubm5+O677zB58mRkZGQoXn/v3j3Mnz8fGo0GhYWFOHPmDP75z38CAMLCwhAaGiq9tl27dmjXrh2CgoIUn/HBBx/g2LFjcHFxQWpqKj766CP8+uuvNuoJIrImBiNEZDatVotRo0ZJGRExQ1J6i/Xvv/8e8fHxAIB33nkHmzdvxqeffgqtVovU1FRs3rxZ8XqdToclS5Zg69atUk3KuXPnUFBQgJdeegkvvfSS9NrY2FjExsZi2LBhis9o2bIldu/ercjUnDhxwqrfn4hsg8EIEakydOhQeHh4YPPmzTh58iRat26NDh06KF5z4cIFAIC7uzv69u0LAGjVqhXCw8MV50Xe3t547LHHAABNmzaVni+dQanIgAED4OLiAj8/PwQEBAAA7t+/r+7LEZFDMBghIlV8fHwwePBg5ObmAiibFbH0M0VOTk7SsZpNxU19BjclJ6oZGIwQkWqjR48GAPj7+2PgwIFlzrdp0wYAUFBQgJ9++gkAcOnSJSQkJCjOm8vd3V06zs/Pt6TJRFSNlS2BJyKqRPPmzbF//344OTnB1dW1zPlBgwZhw4YNiI+Px7x58xAeHo5bt25Br9ejQYMGUjBjroiICOl41KhRCAwMxOzZs9GpU6cqfhMiqg6YGSEii9SrVw/e3t4mz7m5ueGTTz6RAoeEhAR4enpi8ODBWLduHfz9/VVdq0WLFnjppZdQv359pKSk4I8//sCDBw+s8TWIqBrQCBxUJSIiIgdiZoSIiIgcisEIERERORSDESIiInIoBiNERETkUAxGiIiIyKEYjBAREZFDMRghIiIih2IwQkRERA7FYISIiIgcisEIERERORSDESIiInIoBiNERETkUP8fwRyVeTleX98AAAAASUVORK5CYII=", "text/plain": [ "
" ] @@ -146,7 +146,7 @@ } ], "source": [ - "series1, series2 = series.split_before(0.75)\n", + "series1, series2 = series.split_after(0.75)\n", "series1.plot()\n", "series2.plot()" ] @@ -2970,7 +2970,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.9.16" + "version": "3.10.13" }, "pycharm": { "stem_cell": { diff --git a/examples/01-multi-time-series-and-covariates.html b/examples/01-multi-time-series-and-covariates.html index 921407747f..f02dac6802 100644 --- a/examples/01-multi-time-series-and-covariates.html +++ b/examples/01-multi-time-series-and-covariates.html @@ -829,31 +829,28 @@

Train / Validation split

Global Forecasting Models

-

Darts contains many forecasting models, but not all of them can be trained on several time series. The models that support training on multiple series are called global models. At the time of writing, there are 5 global models:

+

Darts contains many forecasting models, but not all of them can be trained on several time series. The models that support training on multiple series are called global models. An exhaustive list of the global models can be found here (bottom of the table) with for example:

    +
  • LinearRegressionModel

  • BlockRNNModel

  • -
  • RNNModel

  • -
  • Temporal Convolutional Networks (TCNs)

  • -
  • N-Beats

  • -
  • Transformer model

  • +
  • Temporal Convolutional Networks (TCNModel)

  • +
  • N-Beats (NBEATSModel)

  • +
  • TiDEModel

In the following, we will distinguish two sorts of time series:

  • The target time series is the time series we are interested to forecast (given its history)

  • A covariate time series is a time series which may help in the forecasting of the target series, but that we are not interested in forecasting. It’s sometimes also called external data.

+

Note: Static covariates are invariant in time and correspond to additional information associated with the components of the target time series. Detailed information about this kind of covariate can be found in the static covariates notebook.

We further differentiate covariates series, depending on whether they can be known in advance or not:

  • Past Covariates denote time series whose past values are known at prediction time. These are usually things that have to be measured or observed.

  • Future Covariates denote time series whose future values are already known at prediction time for the span of the forecast horizon. These can for instance represent known future holidays, or weather forecasts.

-

Some models use only past covariates, others use only future covariates, and some models might use both. We will dive deeper in this topic in some other notebook, but for now it is enough to know this:

-
    -
  • BlockRNNModel, TCNModel, NBEATSModel and TransformerModel all use past_covariates.

  • -
  • RNNModel uses future_covariates.

  • -
+

Some models use only past covariates, others use only future covariates, and some models might use both. We will dive deeper in this topic in some other notebook, but this table details the covariates supported by each model.

All of the global models listed above support training on multiple series. In addition, they also all support multivariate series. This means that they can seamlessly be used with time series of more than one dimension; the target series can contain one (as is often the case) or several dimensions. A time series with several dimensions is really just a regular time series where the values at each time stamps are vectors instead of scalars.

-

As an example, the 4 models supporting past_covariates follow a “block” architecture. They contain a neural network that takes chunks of time series in input, and outputs chunks of (predicted) future time series values. The input dimensionality is the number of dimensions (components) of the target series, plus the number of components of all the covariates - stacked together. The output dimensionality is simply the number of dimensions of the target series: image0

+

As an example, the BlockRNNModel, N-Beats, TCN and Transformer models follow a “block” architecture. They contain a neural network that takes chunks of time series in input, and outputs chunks of (predicted) future time series values. The input dimensionality is the number of dimensions (components) of the target series, plus the number of components of all the covariates - stacked together. The output dimensionality is simply the number of dimensions of the target series: image0

The RNNModel works differently, in a recurrent fashion (which is also why they support future covariates). The good news is that as a user, we don’t have to worry too much about the different model types and input/output dimensionalities. The dimensionalities are automatically inferred for us by the model based on the training data, and the support for past or future covariates is simply handled by the past_covariates or future_covariates arguments.

We’ll still have to specify two important parameters when building our models:

Returns
@@ -1700,6 +1705,17 @@

ARIMA +
+
+property supports_transferrable_series_prediction: bool
+

Whether the model supports prediction for any input series.

+
+
Return type
+

bool

+
+
+
+
property uses_future_covariates: bool
diff --git a/generated_api/darts.models.forecasting.auto_arima.html b/generated_api/darts.models.forecasting.auto_arima.html index deca189a6d..9124fdc70f 100644 --- a/generated_api/darts.models.forecasting.auto_arima.html +++ b/generated_api/darts.models.forecasting.auto_arima.html @@ -935,13 +935,16 @@

AutoARIMA

supports_static_covariates

Whether model supports static covariates

-

uses_future_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

+

uses_past_covariates

Whether the model uses past covariates, once fitted.

-

uses_static_covariates

+

uses_static_covariates

Whether the model uses static covariates, once fitted.

@@ -988,7 +991,7 @@

AutoARIMA

load(path)

Loads the model from a given path or file handle.

-

predict(n[, future_covariates, num_samples])

+

predict(n[, future_covariates, num_samples, ...])

Forecasts values for n time steps after the end of the training series.

residuals(series[, past_covariates, ...])

@@ -1534,7 +1537,7 @@

AutoARIMA
-predict(n, future_covariates=None, num_samples=1, **kwargs)
+predict(n, future_covariates=None, num_samples=1, verbose=False, show_warnings=True, **kwargs)

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.

@@ -1546,6 +1549,8 @@

AutoARIMAint) – 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.

  • Returns
    @@ -1687,6 +1692,17 @@

    AutoARIMA +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.baselines.html b/generated_api/darts.models.forecasting.baselines.html index 53e6a046d5..6f6863a48a 100644 --- a/generated_api/darts.models.forecasting.baselines.html +++ b/generated_api/darts.models.forecasting.baselines.html @@ -899,13 +899,16 @@

    Baseline Models

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -952,7 +955,7 @@

    Baseline Models

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, num_samples, verbose])

    +

    predict(n[, num_samples, verbose, show_warnings])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -1492,7 +1495,7 @@

    Baseline Models
    -predict(n, num_samples=1, verbose=False)[source]
    +predict(n, num_samples=1, verbose=False, show_warnings=True)[source]

    Forecasts values for n time steps after the end of the training series.

    Parameters
    @@ -1500,6 +1503,8 @@

    Baseline Modelsint) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

  • 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.

  • Returns
    @@ -1641,6 +1646,17 @@

    Baseline Models +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    @@ -1750,13 +1766,16 @@

    Baseline Models

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -2524,6 +2543,17 @@

    Baseline Models +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    @@ -2619,13 +2649,16 @@

    Baseline Models

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -2672,7 +2705,7 @@

    Baseline Models

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, num_samples, verbose])

    +

    predict(n[, num_samples, verbose, show_warnings])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -3212,7 +3245,7 @@

    Baseline Models
    -predict(n, num_samples=1, verbose=False)[source]
    +predict(n, num_samples=1, verbose=False, show_warnings=True)[source]

    Forecasts values for n time steps after the end of the training series.

    Parameters
    @@ -3220,6 +3253,8 @@

    Baseline Modelsint) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

  • 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.

  • Returns
    @@ -3361,6 +3396,17 @@

    Baseline Models +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    @@ -3460,13 +3506,16 @@

    Baseline Models

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -3513,7 +3562,7 @@

    Baseline Models

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, num_samples, verbose])

    +

    predict(n[, num_samples, verbose, show_warnings])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -4053,7 +4102,7 @@

    Baseline Models
    -predict(n, num_samples=1, verbose=False)[source]
    +predict(n, num_samples=1, verbose=False, show_warnings=True)[source]

    Forecasts values for n time steps after the end of the training series.

    Parameters
    @@ -4061,6 +4110,8 @@

    Baseline Modelsint) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

  • 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.

  • Returns
    @@ -4202,6 +4253,17 @@

    Baseline Models +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    @@ -4304,13 +4366,16 @@

    Baseline Models

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -4357,7 +4422,7 @@

    Baseline Models

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, num_samples, verbose])

    +

    predict(n[, num_samples, verbose, show_warnings])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -4897,7 +4962,7 @@

    Baseline Models
    -predict(n, num_samples=1, verbose=False)[source]
    +predict(n, num_samples=1, verbose=False, show_warnings=True)[source]

    Forecasts values for n time steps after the end of the training series.

    Parameters
    @@ -4905,6 +4970,8 @@

    Baseline Modelsint) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

  • 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.

  • Returns
    @@ -5046,6 +5113,17 @@

    Baseline Models +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.block_rnn_model.html b/generated_api/darts.models.forecasting.block_rnn_model.html index 11d4b6da88..994b3bde6f 100644 --- a/generated_api/darts.models.forecasting.block_rnn_model.html +++ b/generated_api/darts.models.forecasting.block_rnn_model.html @@ -834,7 +834,7 @@
    -
    +

    Block Recurrent Neural Networks

    @@ -862,9 +862,8 @@

    Block Recurrent Neural NetworksUnion[str, Module]) – Either a string specifying the RNN module type (“RNN”, “LSTM” or “GRU”), -or a PyTorch module with the same specifications as -darts.models.block_rnn_model._BlockRNNModule.

    +
  • model (Union[str, Type[CustomBlockRNNModule]]) – Either a string specifying the RNN module type (“RNN”, “LSTM” or “GRU”), or a subclass of +CustomBlockRNNModule (the class itself, not an object of the class) with a custom logic.

  • hidden_dim (int) – Size for feature maps for each hidden RNN layer (\(h_n\)). In Darts version <= 0.21, hidden_dim was referred as hidden_size.

  • n_rnn_layers (int) – Number of layers in the RNN module.

  • @@ -903,7 +902,7 @@

    Block Recurrent Neural NetworksTimeSeries is passed to the fit() method). Default: 1.

  • force_reset – If set to True, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: False.

  • -
  • save_checkpoints – Whether or not to automatically save the untrained model and checkpoints from training. +

  • save_checkpoints – Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call MyModelClass.load_from_checkpoint(), where MyModelClass is the TorchForecastingModel class that was used (such as TFTModel, NBEATSModel, etc.). If set to False, the model can still be manually saved using @@ -932,8 +931,8 @@

    Block Recurrent Neural Networkslink for more details. Default: None.

  • -
  • pl_trainer_kwargs

    -
    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets

    that performs the training, validation and prediction processes. These presets include automatic +

  • pl_trainer_kwargs

    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets +that performs the training, validation and prediction processes. These presets include automatic checkpointing, tensorboard logging, setting the torch device and more. With pl_trainer_kwargs you can add additional kwargs to instantiate the PyTorch Lightning trainer object. Check the PL Trainer documentation for more information about the @@ -941,8 +940,6 @@

    Block Recurrent Neural Networkspl_trainer_kwargs by specifying keys "accelerator", "devices", and "auto_select_gpus". Some examples for setting the devices inside the pl_trainer_kwargs dict:

    -

  • -
  • -
    -
    show_warnings

    whether to show warnings raised from PyTorch Lightning. Useful to detect potential issues of -your forecasting use case. Default: False.

    -
    -

    References

    1
    @@ -1032,9 +1026,15 @@

    Block Recurrent Neural Networks

    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

    +

    first_prediction_index

    +

    Returns the index of the first predicted within the output of self.model.

    + +

    min_train_samples

    The minimum number of samples for training the model.

    +

    min_train_series_length

    +

    Class property defining the minimum required length for the training series; overriding the default value of 3 of ForecastingModel

    +

    output_chunk_length

    Number of time steps predicted at once by the model, not defined for statistical models.

    @@ -1053,13 +1053,16 @@

    Block Recurrent Neural Networks

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1118,39 +1121,45 @@

    Block Recurrent Neural Networks

    historical_forecasts(series[, ...])

    Compute the historical forecasts that would have been obtained by this model on (potentially multiple) series.

    -

    load(path, **kwargs)

    +

    initialize_encoders()

    +

    instantiates the SequentialEncoder object based on self._model_encoder_settings and parameter add_encoders used at model creation

    + +

    load(path, **kwargs)

    Loads a model from a given file path.

    -

    load_from_checkpoint(model_name[, work_dir, ...])

    +

    load_from_checkpoint(model_name[, work_dir, ...])

    Load the model from automatically saved checkpoints under '{work_dir}/darts_logs/{model_name}/checkpoints/'.

    -

    load_weights(path[, load_encoders, skip_checks])

    +

    load_weights(path[, load_encoders, skip_checks])

    Loads the weights from a manually saved model (saved with save()).

    -

    load_weights_from_checkpoint([model_name, ...])

    +

    load_weights_from_checkpoint([model_name, ...])

    Load only the weights from automatically saved checkpoints under '{work_dir}/darts_logs/{model_name}/ checkpoints/'.

    -

    lr_find(series[, past_covariates, ...])

    +

    lr_find(series[, past_covariates, ...])

    A wrapper around PyTorch Lightning's Tuner.lr_find().

    -

    predict(n[, series, past_covariates, ...])

    +

    predict(n[, series, past_covariates, ...])

    Predict the n time step following the end of the training series, or of the specified series.

    -

    predict_from_dataset(n, input_series_dataset)

    +

    predict_from_dataset(n, input_series_dataset)

    This method allows for predicting with a specific darts.utils.data.InferenceDataset instance.

    -

    reset_model()

    +

    reset_model()

    Resets the model object and removes all stored data - model, checkpoints, loggers and training history.

    -

    residuals(series[, past_covariates, ...])

    +

    residuals(series[, past_covariates, ...])

    Compute the residuals produced by this model on a (or sequence of) univariate time series.

    -

    save([path])

    +

    save([path])

    Saves the model under a given path.

    -

    to_cpu()

    +

    to_cpu()

    Updates the PyTorch Lightning Trainer parameters to move the model to CPU the next time :fun:`fit()` or predict() is called.

    +

    untrained_model()

    +

    Returns a new (untrained) model instance create with the same parameters.

    +
    @@ -1273,16 +1282,6 @@

    Block Recurrent Neural Networks -
    -property epochs_trained: int
    -
    -
    Return type
    -

    int

    -
    -
    -

    -
    property extreme_lags: Tuple[Optional[int], Optional[int], Optional[int], Optional[int], Optional[int], Optional[int]]
    @@ -1333,6 +1332,17 @@

    Block Recurrent Neural Networks +
    +property first_prediction_index: int
    +

    Returns the index of the first predicted within the output of self.model.

    +
    +
    Return type
    +

    int

    +
    +
    +

    +
    fit(series, past_covariates=None, future_covariates=None, val_series=None, val_past_covariates=None, val_future_covariates=None, trainer=None, verbose=None, epochs=0, max_samples_per_ts=None, num_loader_workers=0)
    @@ -1721,22 +1731,14 @@

    Block Recurrent Neural Networks -
    -property input_chunk_length: int
    -
    -
    Return type
    -

    int

    -
    -
    -

    - -
    -
    -property likelihood: Optional[darts.utils.likelihood_models.Likelihood]
    -
    +
    +
    +initialize_encoders()
    +

    instantiates the SequentialEncoder object based on self._model_encoder_settings and parameter +add_encoders used at model creation

    +
    Return type
    -

    Optional[Likelihood]

    +

    SequentialEncoder

    @@ -1982,21 +1984,13 @@

    Block Recurrent Neural Networks -
    -property model_created: bool
    -
    -
    Return type
    -

    bool

    -
    -
    -

    - -
    -
    -property model_params: dict
    -
    +
    +property min_train_series_length: int
    +

    Class property defining the minimum required length for the training series; +overriding the default value of 3 of ForecastingModel

    +
    Return type
    -

    dict

    +

    int

    @@ -2072,7 +2066,8 @@

    Block Recurrent Neural Networksbool) – 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

    +Default: False.

    +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Returns
    @@ -2203,11 +2198,6 @@

    Block Recurrent Neural Networks -
    -supports_future_covariates = False
    -

    -
    property supports_likelihood_parameter_prediction: bool
    @@ -2263,6 +2253,17 @@

    Block Recurrent Neural Networks +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    to_cpu()
    @@ -2270,6 +2271,12 @@

    Block Recurrent Neural Networkspredict() is called.

    +
    +
    +untrained_model()
    +

    Returns a new (untrained) model instance create with the same parameters.

    +
    +
    property uses_future_covariates: bool
    @@ -2305,6 +2312,526 @@

    Block Recurrent Neural Networks +
    +class darts.models.forecasting.block_rnn_model.CustomBlockRNNModule(input_size, hidden_dim, num_layers, target_size, nr_params, num_layers_out_fc=None, dropout=0.0, **kwargs)[source]
    +

    Bases: darts.models.forecasting.pl_forecasting_module.PLPastCovariatesModule, abc.ABC

    +

    This class allows to create custom block RNN modules that can later be used with Darts’ +BlockRNNModel. It adds the backbone that is required to be used with Darts’ +TorchForecastingModel and BlockRNNModel.

    +

    To create a new module, subclass from CustomBlockRNNModule and:

    +
      +
    • Define the architecture in the module constructor (__init__())

    • +
    • Add the forward() method and define the logic of your module’s forward pass

    • +
    • Use the custom module class when creating a new BlockRNNModel with parameter model.

    • +
    +

    You can use darts.models.forecasting.block_rnn_model._BlockRNNModule as an example.

    +
    +
    Parameters
    +
      +
    • input_size (int) – The dimensionality of the input time series.

    • +
    • hidden_dim (int) – The number of features in the hidden state h of the RNN module.

    • +
    • num_layers (int) – The number of recurrent layers.

    • +
    • target_size (int) – The dimensionality of the output time series.

    • +
    • nr_params (int) – The number of parameters of the likelihood (or 1 if no likelihood is used).

    • +
    • num_layers_out_fc (Optional[List]) – A list containing the dimensions of the hidden layers of the fully connected NN. +This network connects the last hidden layer of the PyTorch RNN module to the output.

    • +
    • dropout (float) – The fraction of neurons that are dropped in all-but-last RNN layers.

    • +
    • **kwargs – all parameters required for darts.model.forecasting_models.PLForecastingModule base class.

    • +
    +
    +
    +

    Attributes

    + ++++ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +

    automatic_optimization

    If set to False you are responsible for calling .backward(), .step(), .zero_grad().

    current_epoch

    The current epoch in the Trainer, or 0 if not attached.

    example_input_array

    The example input array is a specification of what the module can consume in the forward() method.

    global_rank

    The index of the current process across all nodes and devices.

    global_step

    Total training batches seen across all epochs.

    hparams

    The collection of hyperparameters saved with save_hyperparameters().

    hparams_initial

    The collection of hyperparameters saved with save_hyperparameters().

    local_rank

    The index of the current process within a single node.

    logger

    Reference to the logger object in the Trainer.

    loggers

    Reference to the list of loggers in the Trainer.

    on_gpu

    Returns True if this model is currently located on a GPU.

    output_chunk_length

    Number of time steps predicted at once by the model.

    + ++++ + + + + + + + + + + + + + + + + + +

    device

    dtype

    epochs_trained

    fabric

    trainer

    +

    Methods

    + ++++ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +

    add_module(name, module)

    Adds a child module to the current module.

    all_gather(data[, group, sync_grads])

    Gather tensors or collections of tensors from multiple processes.

    apply(fn)

    Applies fn recursively to every submodule (as returned by .children()) as well as self.

    backward(loss, *args, **kwargs)

    Called to perform backward on the loss returned in training_step().

    bfloat16()

    Casts all floating point parameters and buffers to bfloat16 datatype.

    buffers([recurse])

    Returns an iterator over module buffers.

    children()

    Returns an iterator over immediate children modules.

    clip_gradients(optimizer[, ...])

    Handles gradient clipping internally.

    compile(*args, **kwargs)

    Compile this Module's forward using torch.compile().

    configure_callbacks()

    Configure model-specific callbacks.

    configure_gradient_clipping(optimizer[, ...])

    Perform gradient clipping for the optimizer parameters.

    configure_model()

    Hook to create modules in a strategy and precision aware context.

    configure_optimizers()

    configures optimizers and learning rate schedulers for model optimization.

    configure_sharded_model()

    Deprecated.

    configure_torch_metrics(torch_metrics)

    process the torch_metrics parameter.

    cpu()

    See torch.nn.Module.cpu().

    cuda([device])

    Moves all model parameters and buffers to the GPU.

    double()

    See torch.nn.Module.double().

    eval()

    Sets the module in evaluation mode.

    extra_repr()

    Set the extra representation of the module

    float()

    See torch.nn.Module.float().

    forward(x_in)

    BlockRNN Module forward.

    freeze()

    Freeze all params for inference.

    get_buffer(target)

    Returns the buffer given by target if it exists, otherwise throws an error.

    get_extra_state()

    Returns any extra state to include in the module's state_dict.

    get_parameter(target)

    Returns the parameter given by target if it exists, otherwise throws an error.

    get_submodule(target)

    Returns the submodule given by target if it exists, otherwise throws an error.

    half()

    See torch.nn.Module.half().

    ipu([device])

    Moves all model parameters and buffers to the IPU.

    load_from_checkpoint([map_location, ...])

    Primary way of loading a model from a checkpoint.

    load_state_dict(state_dict[, strict, assign])

    Copies parameters and buffers from state_dict into this module and its descendants.

    log(name, value[, prog_bar, logger, ...])

    Log a key, value pair.

    log_dict(dictionary[, prog_bar, logger, ...])

    Log a dictionary of values at once.

    lr_scheduler_step(scheduler, metric)

    Override this method to adjust the default way the Trainer calls each scheduler.

    lr_schedulers()

    Returns the learning rate scheduler(s) that are being used during training.

    manual_backward(loss, *args, **kwargs)

    Call this directly from your training_step() when doing optimizations manually.

    modules()

    Returns an iterator over all modules in the network.

    named_buffers([prefix, recurse, ...])

    Returns an iterator over module buffers, yielding both the name of the buffer as well as the buffer itself.

    named_children()

    Returns an iterator over immediate children modules, yielding both the name of the module as well as the module itself.

    named_modules([memo, prefix, remove_duplicate])

    Returns an iterator over all modules in the network, yielding both the name of the module as well as the module itself.

    named_parameters([prefix, recurse, ...])

    Returns an iterator over module parameters, yielding both the name of the parameter as well as the parameter itself.

    on_after_backward()

    Called after loss.backward() and before optimizers are stepped.

    on_after_batch_transfer(batch, dataloader_idx)

    Override to alter or apply batch augmentations to your batch after it is transferred to the device.

    on_before_backward(loss)

    Called before loss.backward().

    on_before_batch_transfer(batch, dataloader_idx)

    Override to alter or apply batch augmentations to your batch before it is transferred to the device.

    on_before_optimizer_step(optimizer)

    Called before optimizer.step().

    on_before_zero_grad(optimizer)

    Called after training_step() and before optimizer.zero_grad().

    on_fit_end()

    Called at the very end of fit.

    on_fit_start()

    Called at the very beginning of fit.

    on_load_checkpoint(checkpoint)

    Called by Lightning to restore your model.

    on_predict_batch_end(outputs, batch, batch_idx)

    Called in the predict loop after the batch.

    on_predict_batch_start(batch, batch_idx[, ...])

    Called in the predict loop before anything happens for that batch.

    on_predict_end()

    Called at the end of predicting.

    on_predict_epoch_end()

    Called at the end of predicting.

    on_predict_epoch_start()

    Called at the beginning of predicting.

    on_predict_model_eval()

    Sets the model to eval during the predict loop.

    on_predict_start()

    Called at the beginning of predicting.

    on_save_checkpoint(checkpoint)

    Called by Lightning when saving a checkpoint to give you a chance to store anything else you might want to save.

    on_test_batch_end(outputs, batch, batch_idx)

    Called in the test loop after the batch.

    on_test_batch_start(batch, batch_idx[, ...])

    Called in the test loop before anything happens for that batch.

    on_test_end()

    Called at the end of testing.

    on_test_epoch_end()

    Called in the test loop at the very end of the epoch.

    on_test_epoch_start()

    Called in the test loop at the very beginning of the epoch.

    on_test_model_eval()

    Sets the model to eval during the test loop.

    on_test_model_train()

    Sets the model to train during the test loop.

    on_test_start()

    Called at the beginning of testing.

    on_train_batch_end(outputs, batch, batch_idx)

    Called in the training loop after the batch.

    on_train_batch_start(batch, batch_idx)

    Called in the training loop before anything happens for that batch.

    on_train_end()

    Called at the end of training before logger experiment is closed.

    on_train_epoch_end()

    Called in the training loop at the very end of the epoch.

    on_train_epoch_start()

    Called in the training loop at the very beginning of the epoch.

    on_train_start()

    Called at the beginning of training after sanity check.

    on_validation_batch_end(outputs, batch, ...)

    Called in the validation loop after the batch.

    on_validation_batch_start(batch, batch_idx)

    Called in the validation loop before anything happens for that batch.

    on_validation_end()

    Called at the end of validation.

    on_validation_epoch_end()

    Called in the validation loop at the very end of the epoch.

    on_validation_epoch_start()

    Called in the validation loop at the very beginning of the epoch.

    on_validation_model_eval()

    Sets the model to eval during the val loop.

    on_validation_model_train()

    Sets the model to train during the val loop.

    on_validation_model_zero_grad()

    Called by the training loop to release gradients before entering the validation loop.

    on_validation_start()

    Called at the beginning of validation.

    optimizer_step(epoch, batch_idx, optimizer)

    Override this method to adjust the default way the Trainer calls the optimizer.

    optimizer_zero_grad(epoch, batch_idx, optimizer)

    Override this method to change the default behaviour of optimizer.zero_grad().

    optimizers([use_pl_optimizer])

    Returns the optimizer(s) that are being used during training.

    parameters([recurse])

    Returns an iterator over module parameters.

    predict_dataloader()

    An iterable or collection of iterables specifying prediction samples.

    predict_step(batch, batch_idx[, dataloader_idx])

    performs the prediction step

    prepare_data()

    Use this to download and prepare data.

    print(*args, **kwargs)

    Prints only from process 0.

    register_backward_hook(hook)

    Registers a backward hook on the module.

    register_buffer(name, tensor[, persistent])

    Adds a buffer to the module.

    register_forward_hook(hook, *[, prepend, ...])

    Registers a forward hook on the module.

    register_forward_pre_hook(hook, *[, ...])

    Registers a forward pre-hook on the module.

    register_full_backward_hook(hook[, prepend])

    Registers a backward hook on the module.

    register_full_backward_pre_hook(hook[, prepend])

    Registers a backward pre-hook on the module.

    register_load_state_dict_post_hook(hook)

    Registers a post hook to be run after module's load_state_dict is called.

    register_module(name, module)

    Alias for add_module().

    register_parameter(name, param)

    Adds a parameter to the module.

    register_state_dict_pre_hook(hook)

    These hooks will be called with arguments: self, prefix, and keep_vars before calling state_dict on self.

    requires_grad_([requires_grad])

    Change if autograd should record operations on parameters in this module.

    save_hyperparameters(*args[, ignore, frame, ...])

    Save arguments to hparams attribute.

    set_extra_state(state)

    This function is called from load_state_dict() to handle any extra state found within the state_dict.

    set_predict_parameters(n, num_samples, ...)

    to be set from TorchForecastingModel before calling trainer.predict() and reset at self.on_predict_end()

    setup(stage)

    Called at the beginning of fit (train + validate), validate, test, or predict.

    share_memory()

    See torch.Tensor.share_memory_()

    state_dict(*args[, destination, prefix, ...])

    Returns a dictionary containing references to the whole state of the module.

    teardown(stage)

    Called at the end of fit (train + validate), validate, test, or predict.

    test_dataloader()

    An iterable or collection of iterables specifying test samples.

    test_step(*args, **kwargs)

    Operates on a single batch of data from the test set.

    to(*args, **kwargs)

    See torch.nn.Module.to().

    to_dtype(dtype)

    Cast module precision (float32 by default) to another precision.

    to_empty(*, device[, recurse])

    Moves the parameters and buffers to the specified device without copying storage.

    to_onnx(file_path[, input_sample])

    Saves the model in ONNX format.

    to_torchscript([file_path, method, ...])

    By default compiles the whole model to a ScriptModule.

    toggle_optimizer(optimizer)

    Makes sure only the gradients of the current optimizer's parameters are calculated in the training step to prevent dangling gradients in multiple-optimizer setup.

    train([mode])

    Sets the module in training mode.

    train_dataloader()

    An iterable or collection of iterables specifying training samples.

    training_step(train_batch, batch_idx)

    performs the training step

    transfer_batch_to_device(batch, device, ...)

    Override this hook if your DataLoader returns tensors wrapped in a custom data structure.

    type(dst_type)

    See torch.nn.Module.type().

    unfreeze()

    Unfreeze all parameters for training.

    untoggle_optimizer(optimizer)

    Resets the state of required gradients that were toggled with toggle_optimizer().

    val_dataloader()

    An iterable or collection of iterables specifying validation samples.

    validation_step(val_batch, batch_idx)

    performs the validation step

    xpu([device])

    Moves all model parameters and buffers to the XPU.

    zero_grad([set_to_none])

    Resets gradients of all model parameters.

    + ++++ + + + + + + + + +

    __call__

    set_mc_dropout

    +
    +
    +abstract forward(x_in)[source]
    +

    BlockRNN Module forward.

    +
    +
    Parameters
    +

    x_in (Tuple) – Tuple of Tensors containing the features of the input sequence. The tuple has elements +(past target, historic future covariates, future covariates, static covariates). +The shape of the past target is (batch_size, input_length, input_size).

    +
    +
    Returns
    +

    The BlockRNN output Tensor with shape (batch_size, output_chunk_length, target_size, nr_params). +It contains the prediction at the last time step of the sequence.

    +
    +
    Return type
    +

    torch.Tensor

    +
    +
    +
    + +

    +

    diff --git a/generated_api/darts.models.forecasting.catboost_model.html b/generated_api/darts.models.forecasting.catboost_model.html index e1b85d9c43..de69e5a720 100644 --- a/generated_api/darts.models.forecasting.catboost_model.html +++ b/generated_api/darts.models.forecasting.catboost_model.html @@ -969,13 +969,16 @@

    CatBoost model

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1649,6 +1652,7 @@

    CatBoost modelFalse

  • **kwargs (dict, optional) – Additional keyword arguments passed to the predict method of the model. Only works with univariate target series.

  • +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Return type
    @@ -1788,6 +1792,17 @@

    CatBoost model +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.croston.html b/generated_api/darts.models.forecasting.croston.html index 1d7c4b8891..3ca29928e5 100644 --- a/generated_api/darts.models.forecasting.croston.html +++ b/generated_api/darts.models.forecasting.croston.html @@ -948,13 +948,16 @@

    Croston method

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1001,7 +1004,7 @@

    Croston method

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, future_covariates, num_samples])

    +

    predict(n[, future_covariates, num_samples, ...])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -1547,7 +1550,7 @@

    Croston method
    -predict(n, future_covariates=None, num_samples=1, **kwargs)
    +predict(n, future_covariates=None, num_samples=1, verbose=False, show_warnings=True, **kwargs)

    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.

    @@ -1559,6 +1562,8 @@

    Croston methodint) – 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.

  • Returns
    @@ -1700,6 +1705,17 @@

    Croston method +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.dlinear.html b/generated_api/darts.models.forecasting.dlinear.html index f4fe89185f..be4b7cee56 100644 --- a/generated_api/darts.models.forecasting.dlinear.html +++ b/generated_api/darts.models.forecasting.dlinear.html @@ -902,7 +902,7 @@

    D-LinearTimeSeries is passed to the fit() method). Default: 1.

  • force_reset – If set to True, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: False.

  • -
  • save_checkpoints – Whether or not to automatically save the untrained model and checkpoints from training. +

  • save_checkpoints – Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call MyModelClass.load_from_checkpoint(), where MyModelClass is the TorchForecastingModel class that was used (such as TFTModel, NBEATSModel, etc.). If set to False, the model can still be manually saved using @@ -931,8 +931,8 @@

    D-Linearlink for more details. Default: None.

  • -
  • pl_trainer_kwargs

    -
    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets

    that performs the training, validation and prediction processes. These presets include automatic +

  • pl_trainer_kwargs

    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets +that performs the training, validation and prediction processes. These presets include automatic checkpointing, tensorboard logging, setting the torch device and more. With pl_trainer_kwargs you can add additional kwargs to instantiate the PyTorch Lightning trainer object. Check the PL Trainer documentation for more information about the @@ -940,8 +940,6 @@

    D-Linearpl_trainer_kwargs by specifying keys "accelerator", "devices", and "auto_select_gpus". Some examples for setting the devices inside the pl_trainer_kwargs dict:

    -

  • -
  • -
    -
    show_warnings

    whether to show warnings raised from PyTorch Lightning. Useful to detect potential issues of -your forecasting use case. Default: False.

    -
    -

    References

    1
    @@ -1062,13 +1057,16 @@

    D-Linear

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -2081,7 +2079,8 @@

    D-Linearbool) – 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

    +Default: False.

    +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Returns
    @@ -2278,6 +2277,17 @@

    D-Linear +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    to_cpu()
    diff --git a/generated_api/darts.models.forecasting.ensemble_model.html b/generated_api/darts.models.forecasting.ensemble_model.html index a44886aa4b..7c472e7522 100644 --- a/generated_api/darts.models.forecasting.ensemble_model.html +++ b/generated_api/darts.models.forecasting.ensemble_model.html @@ -904,13 +904,16 @@

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1688,6 +1691,17 @@
    +
    +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +
    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.exponential_smoothing.html b/generated_api/darts.models.forecasting.exponential_smoothing.html index 71bfbcfeb7..c19eea7bf6 100644 --- a/generated_api/darts.models.forecasting.exponential_smoothing.html +++ b/generated_api/darts.models.forecasting.exponential_smoothing.html @@ -930,13 +930,16 @@

    Exponential Smoothing

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -983,7 +986,7 @@

    Exponential Smoothing

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, num_samples, verbose])

    +

    predict(n[, num_samples, verbose, show_warnings])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -1523,14 +1526,16 @@

    Exponential Smoothing
    -predict(n, num_samples=1, verbose=False)[source]
    +predict(n, num_samples=1, verbose=False, show_warnings=True)[source]

    Forecasts values for n time steps after the end of the training series.

    Parameters
      -
    • n – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

    • -
    • num_samples – Number of times a prediction is sampled from a probabilistic model. Should be left set to 1 +

    • n (int) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

    • +
    • 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.

    Returns
    @@ -1672,6 +1677,17 @@

    Exponential Smoothing

    +
    +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +
    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.fft.html b/generated_api/darts.models.forecasting.fft.html index f49031f4d0..1eb1a42eae 100644 --- a/generated_api/darts.models.forecasting.fft.html +++ b/generated_api/darts.models.forecasting.fft.html @@ -933,13 +933,16 @@

    Fast Fourier Transform

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -986,7 +989,7 @@

    Fast Fourier Transform

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, num_samples, verbose])

    +

    predict(n[, num_samples, verbose, show_warnings])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -1526,7 +1529,7 @@

    Fast Fourier Transform
    -predict(n, num_samples=1, verbose=False)[source]
    +predict(n, num_samples=1, verbose=False, show_warnings=True)[source]

    Forecasts values for n time steps after the end of the training series.

    Parameters
    @@ -1534,6 +1537,8 @@

    Fast Fourier Transform

    n (int) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

  • 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.

  • Returns
    @@ -1675,6 +1680,17 @@

    Fast Fourier Transform

    +
    +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +
    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.kalman_forecaster.html b/generated_api/darts.models.forecasting.kalman_forecaster.html index 43b32f2a24..87f451d71e 100644 --- a/generated_api/darts.models.forecasting.kalman_forecaster.html +++ b/generated_api/darts.models.forecasting.kalman_forecaster.html @@ -949,13 +949,16 @@

    Kalman Filter Forecaster

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1548,7 +1551,7 @@

    Kalman Filter Forecaster
    -predict(n, series=None, future_covariates=None, num_samples=1, **kwargs)[source]
    +predict(n, series=None, future_covariates=None, num_samples=1, verbose=False, show_warnings=True, **kwargs)[source]

    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 @@ -1567,6 +1570,8 @@

    Kalman Filter Forecasterint) – 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.

  • Returns
    @@ -1708,6 +1713,17 @@

    Kalman Filter Forecaster +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.lgbm.html b/generated_api/darts.models.forecasting.lgbm.html index 6600186e0d..ab88e0f344 100644 --- a/generated_api/darts.models.forecasting.lgbm.html +++ b/generated_api/darts.models.forecasting.lgbm.html @@ -995,13 +995,16 @@

    LightGBM Model

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1678,6 +1681,7 @@

    LightGBM ModelFalse

  • **kwargs (dict, optional) – Additional keyword arguments passed to the predict method of the model. Only works with univariate target series.

  • +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Return type
    @@ -1817,6 +1821,17 @@

    LightGBM Model +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.linear_regression_model.html b/generated_api/darts.models.forecasting.linear_regression_model.html index 87a852c8f5..a76887141b 100644 --- a/generated_api/darts.models.forecasting.linear_regression_model.html +++ b/generated_api/darts.models.forecasting.linear_regression_model.html @@ -988,13 +988,16 @@

    Linear Regression model

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1666,6 +1669,7 @@

    Linear Regression modelFalse

  • **kwargs (dict, optional) – Additional keyword arguments passed to the predict method of the model. Only works with univariate target series.

  • +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Return type
    @@ -1805,6 +1809,17 @@

    Linear Regression model

    +
    +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +
    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.nbeats.html b/generated_api/darts.models.forecasting.nbeats.html index d075355ea3..463ba8c6c4 100644 --- a/generated_api/darts.models.forecasting.nbeats.html +++ b/generated_api/darts.models.forecasting.nbeats.html @@ -910,7 +910,7 @@

    N-BEATSTimeSeries is passed to the fit() method). Default: 1.

  • force_reset – If set to True, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: False.

  • -
  • save_checkpoints – Whether or not to automatically save the untrained model and checkpoints from training. +

  • save_checkpoints – Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call MyModelClass.load_from_checkpoint(), where MyModelClass is the TorchForecastingModel class that was used (such as TFTModel, NBEATSModel, etc.). If set to False, the model can still be manually saved using @@ -939,8 +939,8 @@

    N-BEATSlink for more details. Default: None.

  • -
  • pl_trainer_kwargs

    -
    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets

    that performs the training, validation and prediction processes. These presets include automatic +

  • pl_trainer_kwargs

    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets +that performs the training, validation and prediction processes. These presets include automatic checkpointing, tensorboard logging, setting the torch device and more. With pl_trainer_kwargs you can add additional kwargs to instantiate the PyTorch Lightning trainer object. Check the PL Trainer documentation for more information about the @@ -948,8 +948,6 @@

    N-BEATSpl_trainer_kwargs by specifying keys "accelerator", "devices", and "auto_select_gpus". Some examples for setting the devices inside the pl_trainer_kwargs dict:

    -

  • -
  • -
    -
    show_warnings

    whether to show warnings raised from PyTorch Lightning. Useful to detect potential issues of -your forecasting use case. Default: False.

    -
    -

    References

    1
    @@ -1064,13 +1059,16 @@

    N-BEATS

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -2083,7 +2081,8 @@

    N-BEATSbool) – 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

    +Default: False.

    +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Returns
    @@ -2274,6 +2273,17 @@

    N-BEATS +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    to_cpu()
    diff --git a/generated_api/darts.models.forecasting.nhits.html b/generated_api/darts.models.forecasting.nhits.html index 93211ae6d8..bd89e5a43d 100644 --- a/generated_api/darts.models.forecasting.nhits.html +++ b/generated_api/darts.models.forecasting.nhits.html @@ -918,7 +918,7 @@

    N-HiTSTimeSeries is passed to the fit() method). Default: 1.

  • force_reset – If set to True, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: False.

  • -
  • save_checkpoints – Whether or not to automatically save the untrained model and checkpoints from training. +

  • save_checkpoints – Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call MyModelClass.load_from_checkpoint(), where MyModelClass is the TorchForecastingModel class that was used (such as TFTModel, NBEATSModel, etc.). If set to False, the model can still be manually saved using @@ -947,8 +947,8 @@

    N-HiTSlink for more details. Default: None.

  • -
  • pl_trainer_kwargs

    -
    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets

    that performs the training, validation and prediction processes. These presets include automatic +

  • pl_trainer_kwargs

    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets +that performs the training, validation and prediction processes. These presets include automatic checkpointing, tensorboard logging, setting the torch device and more. With pl_trainer_kwargs you can add additional kwargs to instantiate the PyTorch Lightning trainer object. Check the PL Trainer documentation for more information about the @@ -956,8 +956,6 @@

    N-HiTSpl_trainer_kwargs by specifying keys "accelerator", "devices", and "auto_select_gpus". Some examples for setting the devices inside the pl_trainer_kwargs dict:

    -

  • -
  • -
    -
    show_warnings

    whether to show warnings raised from PyTorch Lightning. Useful to detect potential issues of -your forecasting use case. Default: False.

    -
    -

    References

    1
    @@ -1067,13 +1062,16 @@

    N-HiTS

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -2086,7 +2084,8 @@

    N-HiTSbool) – 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

    +Default: False.

    +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Returns
    @@ -2277,6 +2276,17 @@

    N-HiTS +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    to_cpu()
    diff --git a/generated_api/darts.models.forecasting.nlinear.html b/generated_api/darts.models.forecasting.nlinear.html index 79614d2427..86b2307a6b 100644 --- a/generated_api/darts.models.forecasting.nlinear.html +++ b/generated_api/darts.models.forecasting.nlinear.html @@ -907,7 +907,7 @@

    N-LinearTimeSeries is passed to the fit() method). Default: 1.

  • force_reset – If set to True, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: False.

  • -
  • save_checkpoints – Whether or not to automatically save the untrained model and checkpoints from training. +

  • save_checkpoints – Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call MyModelClass.load_from_checkpoint(), where MyModelClass is the TorchForecastingModel class that was used (such as TFTModel, NBEATSModel, etc.). If set to False, the model can still be manually saved using @@ -1058,13 +1058,16 @@

    N-Linear

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -2077,7 +2080,8 @@

    N-Linearbool) – 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

  • +Default: False.

    +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Returns
    @@ -2274,6 +2278,17 @@

    N-Linear +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    to_cpu()
    diff --git a/generated_api/darts.models.forecasting.prophet_model.html b/generated_api/darts.models.forecasting.prophet_model.html index 2890015b51..e9f50bf5f4 100644 --- a/generated_api/darts.models.forecasting.prophet_model.html +++ b/generated_api/darts.models.forecasting.prophet_model.html @@ -985,13 +985,16 @@

    Facebook Prophet

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1041,7 +1044,7 @@

    Facebook Prophet

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, future_covariates, num_samples])

    +

    predict(n[, future_covariates, num_samples, ...])

    Forecasts values for n time steps after the end of the training series.

    predict_raw(n[, future_covariates])

    @@ -1626,7 +1629,7 @@

    Facebook Prophet
    -predict(n, future_covariates=None, num_samples=1, **kwargs)
    +predict(n, future_covariates=None, num_samples=1, verbose=False, show_warnings=True, **kwargs)

    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.

    @@ -1638,6 +1641,8 @@

    Facebook Prophetint) – 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.

  • Returns
    @@ -1792,6 +1797,17 @@

    Facebook Prophet +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.random_forest.html b/generated_api/darts.models.forecasting.random_forest.html index 0878eb86b1..fcff8d2422 100644 --- a/generated_api/darts.models.forecasting.random_forest.html +++ b/generated_api/darts.models.forecasting.random_forest.html @@ -986,13 +986,16 @@

    Random Forest

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1653,6 +1656,7 @@

    Random ForestFalse

  • **kwargs (dict, optional) – Additional keyword arguments passed to the predict method of the model. Only works with univariate target series.

  • +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Return type
    @@ -1792,6 +1796,17 @@

    Random Forest +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.regression_ensemble_model.html b/generated_api/darts.models.forecasting.regression_ensemble_model.html index a5420723ef..0318a70ab1 100644 --- a/generated_api/darts.models.forecasting.regression_ensemble_model.html +++ b/generated_api/darts.models.forecasting.regression_ensemble_model.html @@ -956,13 +956,16 @@

    Regression ensemble model

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1750,6 +1753,17 @@

    Regression ensemble model +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.regression_model.html b/generated_api/darts.models.forecasting.regression_model.html index 9b8de65d57..ea3cb47087 100644 --- a/generated_api/darts.models.forecasting.regression_model.html +++ b/generated_api/darts.models.forecasting.regression_model.html @@ -994,13 +994,16 @@

    Regression Model

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1661,6 +1664,7 @@

    Regression ModelFalse

  • **kwargs (dict, optional) – Additional keyword arguments passed to the predict method of the model. Only works with univariate target series.

  • +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Return type
    @@ -1800,6 +1804,17 @@

    Regression Model +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    @@ -1937,13 +1952,16 @@

    Regression Model

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -2604,6 +2622,7 @@

    Regression ModelFalse

  • **kwargs (dict, optional) – Additional keyword arguments passed to the predict method of the model. Only works with univariate target series.

  • +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Return type
    @@ -2743,6 +2762,17 @@

    Regression Model +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.rnn_model.html b/generated_api/darts.models.forecasting.rnn_model.html index 0c321e048e..d425e4df14 100644 --- a/generated_api/darts.models.forecasting.rnn_model.html +++ b/generated_api/darts.models.forecasting.rnn_model.html @@ -834,7 +834,7 @@
    -
    +

    Recurrent Neural Networks

    @@ -864,9 +864,8 @@

    Recurrent Neural NetworksParameters

    -
    -
    show_warnings

    whether to show warnings raised from PyTorch Lightning. Useful to detect potential issues of -your forecasting use case. Default: False.

    -
    -

    Examples

    >>> from darts.datasets import WeatherDataset
     >>> from darts.models import RNNModel
    @@ -1027,9 +1021,15 @@ 

    Recurrent Neural Networks

    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

    +

    first_prediction_index

    +

    Returns the index of the first predicted within the output of self.model.

    + +

    min_train_samples

    The minimum number of samples for training the model.

    +

    min_train_series_length

    +

    Class property defining the minimum required length for the training series; overriding the default value of 3 of ForecastingModel

    +

    output_chunk_length

    Number of time steps predicted at once by the model, not defined for statistical models.

    @@ -1048,13 +1048,16 @@

    Recurrent Neural Networks

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1113,39 +1116,45 @@

    Recurrent Neural Networks

    historical_forecasts(series[, ...])

    Compute the historical forecasts that would have been obtained by this model on (potentially multiple) series.

    -

    load(path, **kwargs)

    +

    initialize_encoders()

    +

    instantiates the SequentialEncoder object based on self._model_encoder_settings and parameter add_encoders used at model creation

    + +

    load(path, **kwargs)

    Loads a model from a given file path.

    -

    load_from_checkpoint(model_name[, work_dir, ...])

    +

    load_from_checkpoint(model_name[, work_dir, ...])

    Load the model from automatically saved checkpoints under '{work_dir}/darts_logs/{model_name}/checkpoints/'.

    -

    load_weights(path[, load_encoders, skip_checks])

    +

    load_weights(path[, load_encoders, skip_checks])

    Loads the weights from a manually saved model (saved with save()).

    -

    load_weights_from_checkpoint([model_name, ...])

    +

    load_weights_from_checkpoint([model_name, ...])

    Load only the weights from automatically saved checkpoints under '{work_dir}/darts_logs/{model_name}/ checkpoints/'.

    -

    lr_find(series[, past_covariates, ...])

    +

    lr_find(series[, past_covariates, ...])

    A wrapper around PyTorch Lightning's Tuner.lr_find().

    -

    predict(n[, series, past_covariates, ...])

    +

    predict(n[, series, past_covariates, ...])

    Predict the n time step following the end of the training series, or of the specified series.

    -

    predict_from_dataset(n, input_series_dataset)

    +

    predict_from_dataset(n, input_series_dataset)

    This method allows for predicting with a specific darts.utils.data.InferenceDataset instance.

    -

    reset_model()

    +

    reset_model()

    Resets the model object and removes all stored data - model, checkpoints, loggers and training history.

    -

    residuals(series[, past_covariates, ...])

    +

    residuals(series[, past_covariates, ...])

    Compute the residuals produced by this model on a (or sequence of) univariate time series.

    -

    save([path])

    +

    save([path])

    Saves the model under a given path.

    -

    to_cpu()

    +

    to_cpu()

    Updates the PyTorch Lightning Trainer parameters to move the model to CPU the next time :fun:`fit()` or predict() is called.

    +

    untrained_model()

    +

    Returns a new (untrained) model instance create with the same parameters.

    +
    @@ -1268,16 +1277,6 @@

    Recurrent Neural Networks -
    -property epochs_trained: int
    -
    -
    Return type
    -

    int

    -
    -
    -

    -
    property extreme_lags: Tuple[Optional[int], Optional[int], Optional[int], Optional[int], Optional[int], Optional[int]]
    @@ -1328,6 +1327,17 @@

    Recurrent Neural Networks +
    +property first_prediction_index: int
    +

    Returns the index of the first predicted within the output of self.model.

    +
    +
    Return type
    +

    int

    +
    +
    +

    +
    fit(series, past_covariates=None, future_covariates=None, val_series=None, val_past_covariates=None, val_future_covariates=None, trainer=None, verbose=None, epochs=0, max_samples_per_ts=None, num_loader_workers=0)
    @@ -1716,22 +1726,14 @@

    Recurrent Neural Networks -
    -property input_chunk_length: int
    -
    -
    Return type
    -

    int

    -
    -
    -

    - -
    -
    -property likelihood: Optional[darts.utils.likelihood_models.Likelihood]
    -
    +
    +
    +initialize_encoders()
    +

    instantiates the SequentialEncoder object based on self._model_encoder_settings and parameter +add_encoders used at model creation

    +
    Return type
    -

    Optional[Likelihood]

    +

    SequentialEncoder

    @@ -1977,21 +1979,13 @@

    Recurrent Neural Networks -
    -property model_created: bool
    -
    -
    Return type
    -

    bool

    -
    -
    -

    - -
    -
    -property model_params: dict
    -
    +
    +property min_train_series_length: int
    +

    Class property defining the minimum required length for the training series; +overriding the default value of 3 of ForecastingModel

    +
    Return type
    -

    dict

    +

    int

    @@ -2067,7 +2061,8 @@

    Recurrent Neural Networksbool) – 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

    +Default: False.

    +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Returns
    @@ -2242,11 +2237,6 @@

    Recurrent Neural Networks -
    -supports_past_covariates = False
    -

    -
    property supports_static_covariates: bool
    @@ -2258,6 +2248,17 @@

    Recurrent Neural Networks +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    to_cpu()
    @@ -2265,6 +2266,12 @@

    Recurrent Neural Networkspredict() is called.

    +
    +
    +untrained_model()
    +

    Returns a new (untrained) model instance create with the same parameters.

    +
    +
    property uses_future_covariates: bool
    @@ -2300,6 +2307,529 @@

    Recurrent Neural Networks +
    +class darts.models.forecasting.rnn_model.CustomRNNModule(input_size, hidden_dim, num_layers, target_size, nr_params, dropout=0.0, **kwargs)[source]
    +

    Bases: darts.models.forecasting.pl_forecasting_module.PLDualCovariatesModule, abc.ABC

    +

    This class allows to create custom RNN modules that can later be used with Darts’ RNNModel. +It adds the backbone that is required to be used with Darts’ TorchForecastingModel and +RNNModel.

    +

    To create a new module, subclass from CustomRNNModule and:

    +
      +
    • Define the architecture in the module constructor (__init__())

    • +
    • Add the forward() method and define the logic of your module’s forward pass

    • +
    • Use the custom module class when creating a new RNNModel with parameter model.

    • +
    +

    You can use darts.models.forecasting.rnn_model._RNNModule as an example.

    +
    +
    Parameters
    +
      +
    • input_size (int) – The dimensionality of the input time series.

    • +
    • hidden_dim (int) – The number of features in the hidden state h of the RNN module.

    • +
    • num_layers (int) – The number of recurrent layers.

    • +
    • target_size (int) – The dimensionality of the output time series.

    • +
    • nr_params (int) – The number of parameters of the likelihood (or 1 if no likelihood is used).

    • +
    • dropout (float) – The fraction of neurons that are dropped in all-but-last RNN layers.

    • +
    • **kwargs – all parameters required for darts.model.forecasting_models.PLForecastingModule base class.

    • +
    +
    +
    +

    Attributes

    + ++++ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +

    automatic_optimization

    If set to False you are responsible for calling .backward(), .step(), .zero_grad().

    current_epoch

    The current epoch in the Trainer, or 0 if not attached.

    example_input_array

    The example input array is a specification of what the module can consume in the forward() method.

    global_rank

    The index of the current process across all nodes and devices.

    global_step

    Total training batches seen across all epochs.

    hparams

    The collection of hyperparameters saved with save_hyperparameters().

    hparams_initial

    The collection of hyperparameters saved with save_hyperparameters().

    local_rank

    The index of the current process within a single node.

    logger

    Reference to the logger object in the Trainer.

    loggers

    Reference to the list of loggers in the Trainer.

    on_gpu

    Returns True if this model is currently located on a GPU.

    output_chunk_length

    Number of time steps predicted at once by the model.

    + ++++ + + + + + + + + + + + + + + + + + +

    device

    dtype

    epochs_trained

    fabric

    trainer

    +

    Methods

    + ++++ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +

    add_module(name, module)

    Adds a child module to the current module.

    all_gather(data[, group, sync_grads])

    Gather tensors or collections of tensors from multiple processes.

    apply(fn)

    Applies fn recursively to every submodule (as returned by .children()) as well as self.

    backward(loss, *args, **kwargs)

    Called to perform backward on the loss returned in training_step().

    bfloat16()

    Casts all floating point parameters and buffers to bfloat16 datatype.

    buffers([recurse])

    Returns an iterator over module buffers.

    children()

    Returns an iterator over immediate children modules.

    clip_gradients(optimizer[, ...])

    Handles gradient clipping internally.

    compile(*args, **kwargs)

    Compile this Module's forward using torch.compile().

    configure_callbacks()

    Configure model-specific callbacks.

    configure_gradient_clipping(optimizer[, ...])

    Perform gradient clipping for the optimizer parameters.

    configure_model()

    Hook to create modules in a strategy and precision aware context.

    configure_optimizers()

    configures optimizers and learning rate schedulers for model optimization.

    configure_sharded_model()

    Deprecated.

    configure_torch_metrics(torch_metrics)

    process the torch_metrics parameter.

    cpu()

    See torch.nn.Module.cpu().

    cuda([device])

    Moves all model parameters and buffers to the GPU.

    double()

    See torch.nn.Module.double().

    eval()

    Sets the module in evaluation mode.

    extra_repr()

    Set the extra representation of the module

    float()

    See torch.nn.Module.float().

    forward(x_in[, h])

    RNN Module forward.

    freeze()

    Freeze all params for inference.

    get_buffer(target)

    Returns the buffer given by target if it exists, otherwise throws an error.

    get_extra_state()

    Returns any extra state to include in the module's state_dict.

    get_parameter(target)

    Returns the parameter given by target if it exists, otherwise throws an error.

    get_submodule(target)

    Returns the submodule given by target if it exists, otherwise throws an error.

    half()

    See torch.nn.Module.half().

    ipu([device])

    Moves all model parameters and buffers to the IPU.

    load_from_checkpoint([map_location, ...])

    Primary way of loading a model from a checkpoint.

    load_state_dict(state_dict[, strict, assign])

    Copies parameters and buffers from state_dict into this module and its descendants.

    log(name, value[, prog_bar, logger, ...])

    Log a key, value pair.

    log_dict(dictionary[, prog_bar, logger, ...])

    Log a dictionary of values at once.

    lr_scheduler_step(scheduler, metric)

    Override this method to adjust the default way the Trainer calls each scheduler.

    lr_schedulers()

    Returns the learning rate scheduler(s) that are being used during training.

    manual_backward(loss, *args, **kwargs)

    Call this directly from your training_step() when doing optimizations manually.

    modules()

    Returns an iterator over all modules in the network.

    named_buffers([prefix, recurse, ...])

    Returns an iterator over module buffers, yielding both the name of the buffer as well as the buffer itself.

    named_children()

    Returns an iterator over immediate children modules, yielding both the name of the module as well as the module itself.

    named_modules([memo, prefix, remove_duplicate])

    Returns an iterator over all modules in the network, yielding both the name of the module as well as the module itself.

    named_parameters([prefix, recurse, ...])

    Returns an iterator over module parameters, yielding both the name of the parameter as well as the parameter itself.

    on_after_backward()

    Called after loss.backward() and before optimizers are stepped.

    on_after_batch_transfer(batch, dataloader_idx)

    Override to alter or apply batch augmentations to your batch after it is transferred to the device.

    on_before_backward(loss)

    Called before loss.backward().

    on_before_batch_transfer(batch, dataloader_idx)

    Override to alter or apply batch augmentations to your batch before it is transferred to the device.

    on_before_optimizer_step(optimizer)

    Called before optimizer.step().

    on_before_zero_grad(optimizer)

    Called after training_step() and before optimizer.zero_grad().

    on_fit_end()

    Called at the very end of fit.

    on_fit_start()

    Called at the very beginning of fit.

    on_load_checkpoint(checkpoint)

    Called by Lightning to restore your model.

    on_predict_batch_end(outputs, batch, batch_idx)

    Called in the predict loop after the batch.

    on_predict_batch_start(batch, batch_idx[, ...])

    Called in the predict loop before anything happens for that batch.

    on_predict_end()

    Called at the end of predicting.

    on_predict_epoch_end()

    Called at the end of predicting.

    on_predict_epoch_start()

    Called at the beginning of predicting.

    on_predict_model_eval()

    Sets the model to eval during the predict loop.

    on_predict_start()

    Called at the beginning of predicting.

    on_save_checkpoint(checkpoint)

    Called by Lightning when saving a checkpoint to give you a chance to store anything else you might want to save.

    on_test_batch_end(outputs, batch, batch_idx)

    Called in the test loop after the batch.

    on_test_batch_start(batch, batch_idx[, ...])

    Called in the test loop before anything happens for that batch.

    on_test_end()

    Called at the end of testing.

    on_test_epoch_end()

    Called in the test loop at the very end of the epoch.

    on_test_epoch_start()

    Called in the test loop at the very beginning of the epoch.

    on_test_model_eval()

    Sets the model to eval during the test loop.

    on_test_model_train()

    Sets the model to train during the test loop.

    on_test_start()

    Called at the beginning of testing.

    on_train_batch_end(outputs, batch, batch_idx)

    Called in the training loop after the batch.

    on_train_batch_start(batch, batch_idx)

    Called in the training loop before anything happens for that batch.

    on_train_end()

    Called at the end of training before logger experiment is closed.

    on_train_epoch_end()

    Called in the training loop at the very end of the epoch.

    on_train_epoch_start()

    Called in the training loop at the very beginning of the epoch.

    on_train_start()

    Called at the beginning of training after sanity check.

    on_validation_batch_end(outputs, batch, ...)

    Called in the validation loop after the batch.

    on_validation_batch_start(batch, batch_idx)

    Called in the validation loop before anything happens for that batch.

    on_validation_end()

    Called at the end of validation.

    on_validation_epoch_end()

    Called in the validation loop at the very end of the epoch.

    on_validation_epoch_start()

    Called in the validation loop at the very beginning of the epoch.

    on_validation_model_eval()

    Sets the model to eval during the val loop.

    on_validation_model_train()

    Sets the model to train during the val loop.

    on_validation_model_zero_grad()

    Called by the training loop to release gradients before entering the validation loop.

    on_validation_start()

    Called at the beginning of validation.

    optimizer_step(epoch, batch_idx, optimizer)

    Override this method to adjust the default way the Trainer calls the optimizer.

    optimizer_zero_grad(epoch, batch_idx, optimizer)

    Override this method to change the default behaviour of optimizer.zero_grad().

    optimizers([use_pl_optimizer])

    Returns the optimizer(s) that are being used during training.

    parameters([recurse])

    Returns an iterator over module parameters.

    predict_dataloader()

    An iterable or collection of iterables specifying prediction samples.

    predict_step(batch, batch_idx[, dataloader_idx])

    performs the prediction step

    prepare_data()

    Use this to download and prepare data.

    print(*args, **kwargs)

    Prints only from process 0.

    register_backward_hook(hook)

    Registers a backward hook on the module.

    register_buffer(name, tensor[, persistent])

    Adds a buffer to the module.

    register_forward_hook(hook, *[, prepend, ...])

    Registers a forward hook on the module.

    register_forward_pre_hook(hook, *[, ...])

    Registers a forward pre-hook on the module.

    register_full_backward_hook(hook[, prepend])

    Registers a backward hook on the module.

    register_full_backward_pre_hook(hook[, prepend])

    Registers a backward pre-hook on the module.

    register_load_state_dict_post_hook(hook)

    Registers a post hook to be run after module's load_state_dict is called.

    register_module(name, module)

    Alias for add_module().

    register_parameter(name, param)

    Adds a parameter to the module.

    register_state_dict_pre_hook(hook)

    These hooks will be called with arguments: self, prefix, and keep_vars before calling state_dict on self.

    requires_grad_([requires_grad])

    Change if autograd should record operations on parameters in this module.

    save_hyperparameters(*args[, ignore, frame, ...])

    Save arguments to hparams attribute.

    set_extra_state(state)

    This function is called from load_state_dict() to handle any extra state found within the state_dict.

    set_predict_parameters(n, num_samples, ...)

    to be set from TorchForecastingModel before calling trainer.predict() and reset at self.on_predict_end()

    setup(stage)

    Called at the beginning of fit (train + validate), validate, test, or predict.

    share_memory()

    See torch.Tensor.share_memory_()

    state_dict(*args[, destination, prefix, ...])

    Returns a dictionary containing references to the whole state of the module.

    teardown(stage)

    Called at the end of fit (train + validate), validate, test, or predict.

    test_dataloader()

    An iterable or collection of iterables specifying test samples.

    test_step(*args, **kwargs)

    Operates on a single batch of data from the test set.

    to(*args, **kwargs)

    See torch.nn.Module.to().

    to_dtype(dtype)

    Cast module precision (float32 by default) to another precision.

    to_empty(*, device[, recurse])

    Moves the parameters and buffers to the specified device without copying storage.

    to_onnx(file_path[, input_sample])

    Saves the model in ONNX format.

    to_torchscript([file_path, method, ...])

    By default compiles the whole model to a ScriptModule.

    toggle_optimizer(optimizer)

    Makes sure only the gradients of the current optimizer's parameters are calculated in the training step to prevent dangling gradients in multiple-optimizer setup.

    train([mode])

    Sets the module in training mode.

    train_dataloader()

    An iterable or collection of iterables specifying training samples.

    training_step(train_batch, batch_idx)

    performs the training step

    transfer_batch_to_device(batch, device, ...)

    Override this hook if your DataLoader returns tensors wrapped in a custom data structure.

    type(dst_type)

    See torch.nn.Module.type().

    unfreeze()

    Unfreeze all parameters for training.

    untoggle_optimizer(optimizer)

    Resets the state of required gradients that were toggled with toggle_optimizer().

    val_dataloader()

    An iterable or collection of iterables specifying validation samples.

    validation_step(val_batch, batch_idx)

    performs the validation step

    xpu([device])

    Moves all model parameters and buffers to the XPU.

    zero_grad([set_to_none])

    Resets gradients of all model parameters.

    + ++++ + + + + + + + + +

    __call__

    set_mc_dropout

    +
    +
    +abstract forward(x_in, h=None)[source]
    +

    RNN Module forward.

    +
    +
    Parameters
    +
      +
    • x_in (Tuple) – Tuple of Tensors containing the features of the input sequence. The tuple has elements (past target, +historic future covariates, future covariates, static covariates). The shape of the past target is +(batch_size, input_length, input_size).

    • +
    • h (Optional[Tensor]) – Optionally, the hidden state.

    • +
    +
    +
    Returns
    +

    Tuple of Tensors with elements (RNN output, hidden state). The RNN output Tensor has shape +(batch_size, output_chunk_length, target_size, nr_params). It contains the outputs at every +time step of the input sequence. During training the whole tensor is used as output, whereas during +prediction we only use y[:, -1, :]. However, this module always returns the whole Tensor.

    +
    +
    Return type
    +

    Tuple[torch.Tensor, torch.Tensor]

    +
    +
    +
    + +

    +

    diff --git a/generated_api/darts.models.forecasting.sf_auto_arima.html b/generated_api/darts.models.forecasting.sf_auto_arima.html index dec1be7568..abb9157d15 100644 --- a/generated_api/darts.models.forecasting.sf_auto_arima.html +++ b/generated_api/darts.models.forecasting.sf_auto_arima.html @@ -931,13 +931,16 @@

    StatsForecastAutoARIMA

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -984,7 +987,7 @@

    StatsForecastAutoARIMA

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, future_covariates, num_samples])

    +

    predict(n[, future_covariates, num_samples, ...])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -1530,7 +1533,7 @@

    StatsForecastAutoARIMA
    -predict(n, future_covariates=None, num_samples=1, **kwargs)
    +predict(n, future_covariates=None, num_samples=1, verbose=False, show_warnings=True, **kwargs)

    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.

    @@ -1542,6 +1545,8 @@

    StatsForecastAutoARIMAn time steps/indices after the end of the training target series.

  • 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.

  • Returns
    @@ -1683,6 +1688,17 @@

    StatsForecastAutoARIMA

    +
    +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +
    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.sf_auto_ces.html b/generated_api/darts.models.forecasting.sf_auto_ces.html index 9e6c5a975d..33e71d0e08 100644 --- a/generated_api/darts.models.forecasting.sf_auto_ces.html +++ b/generated_api/darts.models.forecasting.sf_auto_ces.html @@ -905,13 +905,16 @@

    StatsForecastAutoCES

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -958,7 +961,7 @@

    StatsForecastAutoCES

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, num_samples, verbose])

    +

    predict(n[, num_samples, verbose, show_warnings])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -1498,7 +1501,7 @@

    StatsForecastAutoCES
    -predict(n, num_samples=1, verbose=False)[source]
    +predict(n, num_samples=1, verbose=False, show_warnings=True)[source]

    Forecasts values for n time steps after the end of the training series.

    Parameters
    @@ -1506,6 +1509,8 @@

    StatsForecastAutoCES

    n (int) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

  • 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.

  • Returns
    @@ -1647,6 +1652,17 @@

    StatsForecastAutoCES

    +
    +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +
    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.sf_auto_ets.html b/generated_api/darts.models.forecasting.sf_auto_ets.html index 3bec7b521b..a3d80aa229 100644 --- a/generated_api/darts.models.forecasting.sf_auto_ets.html +++ b/generated_api/darts.models.forecasting.sf_auto_ets.html @@ -934,13 +934,16 @@

    StatsForecastAutoETS

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -987,7 +990,7 @@

    StatsForecastAutoETS

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, future_covariates, num_samples])

    +

    predict(n[, future_covariates, num_samples, ...])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -1533,7 +1536,7 @@

    StatsForecastAutoETS
    -predict(n, future_covariates=None, num_samples=1, **kwargs)
    +predict(n, future_covariates=None, num_samples=1, verbose=False, show_warnings=True, **kwargs)

    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.

    @@ -1545,6 +1548,8 @@

    StatsForecastAutoETSn time steps/indices after the end of the training target series.

  • 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.

  • Returns
    @@ -1686,6 +1691,17 @@

    StatsForecastAutoETS

    +
    +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +
    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.sf_auto_theta.html b/generated_api/darts.models.forecasting.sf_auto_theta.html index ccc816aa94..b4749ce41d 100644 --- a/generated_api/darts.models.forecasting.sf_auto_theta.html +++ b/generated_api/darts.models.forecasting.sf_auto_theta.html @@ -907,13 +907,16 @@

    StatsForecastAutoTheta

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -960,7 +963,7 @@

    StatsForecastAutoTheta

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, num_samples, verbose])

    +

    predict(n[, num_samples, verbose, show_warnings])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -1500,7 +1503,7 @@

    StatsForecastAutoTheta
    -predict(n, num_samples=1, verbose=False)[source]
    +predict(n, num_samples=1, verbose=False, show_warnings=True)[source]

    Forecasts values for n time steps after the end of the training series.

    Parameters
    @@ -1508,6 +1511,8 @@

    StatsForecastAutoTheta

    n (int) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

  • 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.

  • Returns
    @@ -1649,6 +1654,17 @@

    StatsForecastAutoTheta

    +
    +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +
    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.tbats_model.html b/generated_api/darts.models.forecasting.tbats_model.html index 49568c3b8b..082de070e7 100644 --- a/generated_api/darts.models.forecasting.tbats_model.html +++ b/generated_api/darts.models.forecasting.tbats_model.html @@ -946,13 +946,16 @@

    BATS and TBATS

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -999,7 +1002,7 @@

    BATS and TBATS

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, num_samples, verbose])

    +

    predict(n[, num_samples, verbose, show_warnings])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -1539,14 +1542,16 @@

    BATS and TBATS
    -predict(n, num_samples=1, verbose=False)
    +predict(n, num_samples=1, verbose=False, show_warnings=True)

    Forecasts values for n time steps after the end of the training series.

    Parameters
      -
    • n – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

    • -
    • num_samples – Number of times a prediction is sampled from a probabilistic model. Should be left set to 1 +

    • n (int) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

    • +
    • 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.

    Returns
    @@ -1688,6 +1693,17 @@

    BATS and TBATS +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    @@ -1817,13 +1833,16 @@

    BATS and TBATS

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1870,7 +1889,7 @@

    BATS and TBATS

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, num_samples, verbose])

    +

    predict(n[, num_samples, verbose, show_warnings])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -2410,14 +2429,16 @@

    BATS and TBATS
    -predict(n, num_samples=1, verbose=False)
    +predict(n, num_samples=1, verbose=False, show_warnings=True)

    Forecasts values for n time steps after the end of the training series.

    Parameters
      -
    • n – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

    • -
    • num_samples – Number of times a prediction is sampled from a probabilistic model. Should be left set to 1 +

    • n (int) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

    • +
    • 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.

    Returns
    @@ -2559,6 +2580,17 @@

    BATS and TBATS +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.tcn_model.html b/generated_api/darts.models.forecasting.tcn_model.html index 3b3c81f70c..e735a0f9db 100644 --- a/generated_api/darts.models.forecasting.tcn_model.html +++ b/generated_api/darts.models.forecasting.tcn_model.html @@ -894,7 +894,7 @@

    Temporal Convolutional NetworkTimeSeries is passed to the fit() method). Default: 1.

  • force_reset – If set to True, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: False.

  • -
  • save_checkpoints – Whether or not to automatically save the untrained model and checkpoints from training. +

  • save_checkpoints – Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call MyModelClass.load_from_checkpoint(), where MyModelClass is the TorchForecastingModel class that was used (such as TFTModel, NBEATSModel, etc.). If set to False, the model can still be manually saved using @@ -923,8 +923,8 @@

    Temporal Convolutional Networklink for more details. Default: None.

  • -
  • pl_trainer_kwargs

    -
    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets

    that performs the training, validation and prediction processes. These presets include automatic +

  • pl_trainer_kwargs

    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets +that performs the training, validation and prediction processes. These presets include automatic checkpointing, tensorboard logging, setting the torch device and more. With pl_trainer_kwargs you can add additional kwargs to instantiate the PyTorch Lightning trainer object. Check the PL Trainer documentation for more information about the @@ -933,8 +933,6 @@

    Temporal Convolutional Network"devices", and "auto_select_gpus". Some examples for setting the devices inside the pl_trainer_kwargs dict:rgs`` dict:

    -

  • -
  • -
    -
    show_warnings

    whether to show warnings raised from PyTorch Lightning. Useful to detect potential issues of -your forecasting use case. Default: False.

    -
    -

    References

    1
    @@ -1047,13 +1042,16 @@

    Temporal Convolutional Network

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -2066,7 +2064,8 @@

    Temporal Convolutional Networkbool) – 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

    +Default: False.

    +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Returns
    @@ -2257,6 +2256,17 @@

    Temporal Convolutional Network +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    to_cpu()
    diff --git a/generated_api/darts.models.forecasting.tft_model.html b/generated_api/darts.models.forecasting.tft_model.html index d2b794abe2..c5c685936d 100644 --- a/generated_api/darts.models.forecasting.tft_model.html +++ b/generated_api/darts.models.forecasting.tft_model.html @@ -929,7 +929,7 @@

    Temporal Fusion Transformer (TFT)TimeSeries is passed to the fit() method). Default: 1.

  • force_reset – If set to True, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: False.

  • -
  • save_checkpoints – Whether or not to automatically save the untrained model and checkpoints from training. +

  • save_checkpoints – Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call MyModelClass.load_from_checkpoint(), where MyModelClass is the TorchForecastingModel class that was used (such as TFTModel, NBEATSModel, etc.). If set to False, the model can still be manually saved using @@ -958,8 +958,8 @@

    Temporal Fusion Transformer (TFT)link for more details. Default: None.

  • -
  • pl_trainer_kwargs

    -
    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets

    that performs the training, validation and prediction processes. These presets include automatic +

  • pl_trainer_kwargs

    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets +that performs the training, validation and prediction processes. These presets include automatic checkpointing, tensorboard logging, setting the torch device and more. With pl_trainer_kwargs you can add additional kwargs to instantiate the PyTorch Lightning trainer object. Check the PL Trainer documentation for more information about the @@ -967,8 +967,6 @@

    Temporal Fusion Transformer (TFT)pl_trainer_kwargs by specifying keys "accelerator", "devices", and "auto_select_gpus". Some examples for setting the devices inside the pl_trainer_kwargs dict:

    -

  • -
  • -
    -
    show_warnings

    whether to show warnings raised from PyTorch Lightning. Useful to detect potential issues of -your forecasting use case. Default: False.

    -
    -

    References

    1
    @@ -1095,13 +1090,16 @@

    Temporal Fusion Transformer (TFT)

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1175,7 +1173,7 @@

    Temporal Fusion Transformer (TFT)

    lr_find(series[, past_covariates, ...])

    A wrapper around PyTorch Lightning's Tuner.lr_find().

    -

    predict(n, *args, **kwargs)

    +

    predict(n[, series, past_covariates, ...])

    Predict the n time step following the end of the training series, or of the specified series.

    predict_from_dataset(n, input_series_dataset)

    @@ -2056,7 +2054,7 @@

    Temporal Fusion Transformer (TFT)
    -predict(n, *args, **kwargs)[source]
    +predict(n, series=None, past_covariates=None, future_covariates=None, trainer=None, batch_size=None, verbose=None, n_jobs=1, roll_size=None, num_samples=1, num_loader_workers=0, mc_dropout=False, predict_likelihood_parameters=False, show_warnings=True)

    Predict the n time step following the end of the training series, or of the specified series.

    Prediction is performed with a PyTorch Lightning Trainer. It uses a default Trainer object from presets and pl_trainer_kwargs used at model creation. You can also use a custom Trainer with optional parameter @@ -2086,35 +2084,36 @@

    Temporal Fusion Transformer (TFT)
    Parameters
      -
    • n – The number of time steps after the end of the training time series for which to produce predictions

    • -
    • series – Optionally, a series or sequence of series, representing the history of the target series whose +

    • n (int) – The number of time steps after the end of the training time series for which to produce predictions

    • +
    • series (Union[TimeSeries, Sequence[TimeSeries], None]) – Optionally, a series or sequence of series, representing the history of the target series whose future is to be predicted. If specified, the method returns the forecasts of these series. Otherwise, the method returns the forecast of the (single) training series.

    • -
    • past_covariates – Optionally, the past-observed covariates series needed as inputs for the model. +

    • past_covariates (Union[TimeSeries, Sequence[TimeSeries], None]) – Optionally, the past-observed covariates series needed as inputs for the model. They must match the covariates used for training in terms of dimension.

    • -
    • future_covariates – Optionally, the future-known covariates series needed as inputs for the model. +

    • future_covariates (Union[TimeSeries, Sequence[TimeSeries], None]) – Optionally, the future-known covariates series needed as inputs for the model. They must match the covariates used for training in terms of dimension.

    • -
    • trainer – Optionally, a custom PyTorch-Lightning Trainer object to perform prediction. Using a custom trainer +

    • trainer (Optional[Trainer]) – Optionally, a custom PyTorch-Lightning Trainer object to perform prediction. Using a custom trainer will override Darts’ default trainer.

    • -
    • batch_size – Size of batches during prediction. Defaults to the models’ training batch_size value.

    • -
    • verbose – Optionally, whether to print the progress. Ignored if there is a ProgressBar callback in +

    • batch_size (Optional[int]) – Size of batches during prediction. Defaults to the models’ training batch_size value.

    • +
    • verbose (Optional[bool]) – Optionally, whether to print the progress. Ignored if there is a ProgressBar callback in pl_trainer_kwargs.

    • -
    • n_jobs – The number of jobs to run in parallel. -1 means using all processors. Defaults to 1.

    • -
    • roll_size – For self-consuming predictions, i.e. n > output_chunk_length, determines how many +

    • n_jobs (int) – The number of jobs to run in parallel. -1 means using all processors. Defaults to 1.

    • +
    • roll_size (Optional[int]) – For self-consuming predictions, i.e. n > output_chunk_length, determines how many outputs of the model are fed back into it at every iteration of feeding the predicted target (and optionally future covariates) back into the model. If this parameter is not provided, it will be set output_chunk_length by default.

    • -
    • num_samples – Number of times a prediction is sampled from a probabilistic model. Should be left set to 1 +

    • num_samples (int) – Number of times a prediction is sampled from a probabilistic model. Should be left set to 1 for deterministic models.

    • -
    • num_loader_workers – Optionally, an integer specifying the num_workers to use in PyTorch DataLoader instances, +

    • num_loader_workers (int) – Optionally, an integer specifying the num_workers to use in PyTorch DataLoader instances, for the inference/prediction dataset loaders (if any). A larger number of workers can sometimes increase performance, but can also incur extra overheads and increase memory usage, as more batches are loaded in parallel.

    • -
    • mc_dropout – Optionally, enable monte carlo dropout for predictions using neural network based models. +

    • mc_dropout (bool) – Optionally, enable monte carlo dropout for predictions using neural network based models. This allows bayesian approximation by specifying an implicit prior over learned models.

    • -
    • predict_likelihood_parameters – If set to True, the model predict the parameters of its Likelihood parameters instead of the target. Only +

    • 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

    • +Default: False.

      +
    • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

    Returns
    @@ -2311,6 +2310,17 @@

    Temporal Fusion Transformer (TFT) +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    to_cpu()
    diff --git a/generated_api/darts.models.forecasting.theta.html b/generated_api/darts.models.forecasting.theta.html index 87f1bbeed9..ce464a9c69 100644 --- a/generated_api/darts.models.forecasting.theta.html +++ b/generated_api/darts.models.forecasting.theta.html @@ -923,13 +923,16 @@

    Theta Method

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -976,7 +979,7 @@

    Theta Method

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, num_samples, verbose])

    +

    predict(n[, num_samples, verbose, show_warnings])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -1519,7 +1522,7 @@

    Theta Method
    -predict(n, num_samples=1, verbose=False)[source]
    +predict(n, num_samples=1, verbose=False, show_warnings=True)[source]

    Forecasts values for n time steps after the end of the training series.

    Parameters
    @@ -1527,6 +1530,8 @@

    Theta Methodint) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

  • 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.

  • Returns
    @@ -1695,6 +1700,17 @@

    Theta Method +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    @@ -1812,13 +1828,16 @@

    Theta Method

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1865,7 +1884,7 @@

    Theta Method

    load(path)

    Loads the model from a given path or file handle.

    -

    predict(n[, num_samples, verbose])

    +

    predict(n[, num_samples, verbose, show_warnings])

    Forecasts values for n time steps after the end of the training series.

    residuals(series[, past_covariates, ...])

    @@ -2405,7 +2424,7 @@

    Theta Method
    -predict(n, num_samples=1, verbose=False)[source]
    +predict(n, num_samples=1, verbose=False, show_warnings=True)[source]

    Forecasts values for n time steps after the end of the training series.

    Parameters
    @@ -2413,6 +2432,8 @@

    Theta Methodint) – Forecast horizon - the number of time steps after the end of the series for which to produce predictions.

  • 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.

  • Returns
    @@ -2554,6 +2575,17 @@

    Theta Method +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.tide_model.html b/generated_api/darts.models.forecasting.tide_model.html index c1a3c98e1a..29b4304682 100644 --- a/generated_api/darts.models.forecasting.tide_model.html +++ b/generated_api/darts.models.forecasting.tide_model.html @@ -907,7 +907,7 @@

    Time-series Dense Encoder (TiDE)TimeSeries is passed to the fit() method). Default: 1.

  • force_reset – If set to True, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: False.

  • -
  • save_checkpoints – Whether or not to automatically save the untrained model and checkpoints from training. +

  • save_checkpoints – Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call MyModelClass.load_from_checkpoint(), where MyModelClass is the TorchForecastingModel class that was used (such as TFTModel, NBEATSModel, etc.). If set to False, the model can still be manually saved using @@ -936,8 +936,8 @@

    Time-series Dense Encoder (TiDE)link for more details. Default: None.

  • -
  • pl_trainer_kwargs

    -
    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets

    that performs the training, validation and prediction processes. These presets include automatic +

  • pl_trainer_kwargs

    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets +that performs the training, validation and prediction processes. These presets include automatic checkpointing, tensorboard logging, setting the torch device and more. With pl_trainer_kwargs you can add additional kwargs to instantiate the PyTorch Lightning trainer object. Check the PL Trainer documentation for more information about the @@ -945,8 +945,6 @@

    Time-series Dense Encoder (TiDE)pl_trainer_kwargs by specifying keys "accelerator", "devices", and "auto_select_gpus". Some examples for setting the devices inside the pl_trainer_kwargs dict:

    -

  • -
  • -
    -
    show_warnings

    whether to show warnings raised from PyTorch Lightning. Useful to detect potential issues of -your forecasting use case. Default: False.

    -
    -

    References

    1
    @@ -1064,13 +1059,16 @@

    Time-series Dense Encoder (TiDE)

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1144,7 +1142,7 @@

    Time-series Dense Encoder (TiDE)

    lr_find(series[, past_covariates, ...])

    A wrapper around PyTorch Lightning's Tuner.lr_find().

    -

    predict(n, *args, **kwargs)

    +

    predict(n[, series, past_covariates, ...])

    Predict the n time step following the end of the training series, or of the specified series.

    predict_from_dataset(n, input_series_dataset)

    @@ -2025,7 +2023,7 @@

    Time-series Dense Encoder (TiDE)
    -predict(n, *args, **kwargs)[source]
    +predict(n, series=None, past_covariates=None, future_covariates=None, trainer=None, batch_size=None, verbose=None, n_jobs=1, roll_size=None, num_samples=1, num_loader_workers=0, mc_dropout=False, predict_likelihood_parameters=False, show_warnings=True)

    Predict the n time step following the end of the training series, or of the specified series.

    Prediction is performed with a PyTorch Lightning Trainer. It uses a default Trainer object from presets and pl_trainer_kwargs used at model creation. You can also use a custom Trainer with optional parameter @@ -2055,35 +2053,36 @@

    Time-series Dense Encoder (TiDE)
    Parameters
      -
    • n – The number of time steps after the end of the training time series for which to produce predictions

    • -
    • series – Optionally, a series or sequence of series, representing the history of the target series whose +

    • n (int) – The number of time steps after the end of the training time series for which to produce predictions

    • +
    • series (Union[TimeSeries, Sequence[TimeSeries], None]) – Optionally, a series or sequence of series, representing the history of the target series whose future is to be predicted. If specified, the method returns the forecasts of these series. Otherwise, the method returns the forecast of the (single) training series.

    • -
    • past_covariates – Optionally, the past-observed covariates series needed as inputs for the model. +

    • past_covariates (Union[TimeSeries, Sequence[TimeSeries], None]) – Optionally, the past-observed covariates series needed as inputs for the model. They must match the covariates used for training in terms of dimension.

    • -
    • future_covariates – Optionally, the future-known covariates series needed as inputs for the model. +

    • future_covariates (Union[TimeSeries, Sequence[TimeSeries], None]) – Optionally, the future-known covariates series needed as inputs for the model. They must match the covariates used for training in terms of dimension.

    • -
    • trainer – Optionally, a custom PyTorch-Lightning Trainer object to perform prediction. Using a custom trainer +

    • trainer (Optional[Trainer]) – Optionally, a custom PyTorch-Lightning Trainer object to perform prediction. Using a custom trainer will override Darts’ default trainer.

    • -
    • batch_size – Size of batches during prediction. Defaults to the models’ training batch_size value.

    • -
    • verbose – Optionally, whether to print the progress. Ignored if there is a ProgressBar callback in +

    • batch_size (Optional[int]) – Size of batches during prediction. Defaults to the models’ training batch_size value.

    • +
    • verbose (Optional[bool]) – Optionally, whether to print the progress. Ignored if there is a ProgressBar callback in pl_trainer_kwargs.

    • -
    • n_jobs – The number of jobs to run in parallel. -1 means using all processors. Defaults to 1.

    • -
    • roll_size – For self-consuming predictions, i.e. n > output_chunk_length, determines how many +

    • n_jobs (int) – The number of jobs to run in parallel. -1 means using all processors. Defaults to 1.

    • +
    • roll_size (Optional[int]) – For self-consuming predictions, i.e. n > output_chunk_length, determines how many outputs of the model are fed back into it at every iteration of feeding the predicted target (and optionally future covariates) back into the model. If this parameter is not provided, it will be set output_chunk_length by default.

    • -
    • num_samples – Number of times a prediction is sampled from a probabilistic model. Should be left set to 1 +

    • num_samples (int) – Number of times a prediction is sampled from a probabilistic model. Should be left set to 1 for deterministic models.

    • -
    • num_loader_workers – Optionally, an integer specifying the num_workers to use in PyTorch DataLoader instances, +

    • num_loader_workers (int) – Optionally, an integer specifying the num_workers to use in PyTorch DataLoader instances, for the inference/prediction dataset loaders (if any). A larger number of workers can sometimes increase performance, but can also incur extra overheads and increase memory usage, as more batches are loaded in parallel.

    • -
    • mc_dropout – Optionally, enable monte carlo dropout for predictions using neural network based models. +

    • mc_dropout (bool) – Optionally, enable monte carlo dropout for predictions using neural network based models. This allows bayesian approximation by specifying an implicit prior over learned models.

    • -
    • predict_likelihood_parameters – If set to True, the model predict the parameters of its Likelihood parameters instead of the target. Only +

    • 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

    • +Default: False.

      +
    • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

    Returns
    @@ -2280,6 +2279,17 @@

    Time-series Dense Encoder (TiDE) +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    to_cpu()
    diff --git a/generated_api/darts.models.forecasting.transformer_model.html b/generated_api/darts.models.forecasting.transformer_model.html index d0431f3241..569af52b5d 100644 --- a/generated_api/darts.models.forecasting.transformer_model.html +++ b/generated_api/darts.models.forecasting.transformer_model.html @@ -907,7 +907,7 @@

    Transformer ModelTimeSeries is passed to the fit() method). Default: 1.

  • force_reset – If set to True, any previously-existing model with the same name will be reset (all checkpoints will be discarded). Default: False.

  • -
  • save_checkpoints – Whether or not to automatically save the untrained model and checkpoints from training. +

  • save_checkpoints – Whether to automatically save the untrained model and checkpoints from training. To load the model from checkpoint, call MyModelClass.load_from_checkpoint(), where MyModelClass is the TorchForecastingModel class that was used (such as TFTModel, NBEATSModel, etc.). If set to False, the model can still be manually saved using @@ -936,8 +936,8 @@

    Transformer Modellink for more details. Default: None.

  • -
  • pl_trainer_kwargs

    -
    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets

    that performs the training, validation and prediction processes. These presets include automatic +

  • pl_trainer_kwargs

    By default TorchForecastingModel creates a PyTorch Lightning Trainer with several useful presets +that performs the training, validation and prediction processes. These presets include automatic checkpointing, tensorboard logging, setting the torch device and more. With pl_trainer_kwargs you can add additional kwargs to instantiate the PyTorch Lightning trainer object. Check the PL Trainer documentation for more information about the @@ -945,8 +945,6 @@

    Transformer Modelpl_trainer_kwargs by specifying keys "accelerator", "devices", and "auto_select_gpus". Some examples for setting the devices inside the pl_trainer_kwargs dict:

    -

  • -
  • -
    -
    show_warnings

    whether to show warnings raised from PyTorch Lightning. Useful to detect potential issues of -your forecasting use case. Default: False.

    -
    -

    References

    1
    @@ -1071,13 +1066,16 @@

    Transformer Model

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -2090,7 +2088,8 @@

    Transformer Modelbool) – 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

    +Default: False.

    +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Returns
    @@ -2281,6 +2280,17 @@

    Transformer Model +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    to_cpu()
    diff --git a/generated_api/darts.models.forecasting.varima.html b/generated_api/darts.models.forecasting.varima.html index dfcf93db4d..73ada0ef7c 100644 --- a/generated_api/darts.models.forecasting.varima.html +++ b/generated_api/darts.models.forecasting.varima.html @@ -942,13 +942,16 @@

    VARIMA

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1541,7 +1544,7 @@

    VARIMA
    -predict(n, series=None, future_covariates=None, num_samples=1, **kwargs)
    +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 @@ -1560,6 +1563,8 @@

    VARIMAint) – 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.

  • Returns
    @@ -1701,6 +1706,17 @@

    VARIMA +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.models.forecasting.xgboost.html b/generated_api/darts.models.forecasting.xgboost.html index f722595532..57040a92f2 100644 --- a/generated_api/darts.models.forecasting.xgboost.html +++ b/generated_api/darts.models.forecasting.xgboost.html @@ -983,13 +983,16 @@

    XGBoost Model

    supports_static_covariates

    Whether model supports static covariates

    -

    uses_future_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

    +

    uses_past_covariates

    Whether the model uses past covariates, once fitted.

    -

    uses_static_covariates

    +

    uses_static_covariates

    Whether the model uses static covariates, once fitted.

    @@ -1662,6 +1665,7 @@

    XGBoost ModelFalse

  • **kwargs (dict, optional) – Additional keyword arguments passed to the predict method of the model. Only works with univariate target series.

  • +
  • show_warnings (bool) – Optionally, control whether warnings are shown. Not effective for all models.

  • Return type
    @@ -1801,6 +1805,17 @@

    XGBoost Model +
    +property supports_transferrable_series_prediction: bool
    +

    Whether the model supports prediction for any input series.

    +
    +
    Return type
    +

    bool

    +
    +
    +

    +
    property uses_future_covariates: bool
    diff --git a/generated_api/darts.utils.data.shifted_dataset.html b/generated_api/darts.utils.data.shifted_dataset.html index 48c948f6cf..1d19eefb4d 100644 --- a/generated_api/darts.utils.data.shifted_dataset.html +++ b/generated_api/darts.utils.data.shifted_dataset.html @@ -934,7 +934,7 @@

    Shifted Training Datasetint) – The length of the emitted past series.

  • output_chunk_length (int) – The length of the emitted future series.

  • shift (int) – The number of time steps by which to shift the output chunks relative to the input chunks.

  • -
  • shift_covariates (bool) – Whether or not to shift the covariates forward the same way as the target. +

  • shift_covariates (bool) – Whether to shift the covariates forward the same way as the target. FutureCovariatesModel’s require this set to True, while PastCovariatesModel’s require this set to False.

  • max_samples_per_ts (Optional[int]) – This is an upper bound on the number of (input, output, input_covariates) tuples that can be produced per time series. It can be used in order to have an upper bound on the total size of the dataset and diff --git a/genindex.html b/genindex.html index 9ab44306e8..fe81babb6a 100644 --- a/genindex.html +++ b/genindex.html @@ -1435,9 +1435,13 @@

    C

  • (darts.models.forecasting.pl_forecasting_module.PLSplitCovariatesModule property)
  • +
  • CustomBlockRNNModule (class in darts.models.forecasting.block_rnn_model) +
  • CustomFeedForwardDecoderLayer (class in darts.models.components.transformer)
  • CustomFeedForwardEncoderLayer (class in darts.models.components.transformer) +
  • +
  • CustomRNNModule (class in darts.models.forecasting.rnn_model)
  • CyclicTemporalEncoder (class in darts.dataprocessing.encoders.encoders)
  • @@ -1984,13 +1988,6 @@

    D

    -
  • - darts.models.forecasting.block_rnn_model - -
  • @@ -2119,13 +2116,6 @@

    D

  • -
  • - darts.models.forecasting.rnn_model - -
  • @@ -2777,11 +2767,9 @@

    E

  • EnsembleSklearnAggregator (class in darts.ad.aggregators.ensemble_sklearn_aggregator)
  • -
  • epochs_trained (darts.models.forecasting.block_rnn_model.BlockRNNModel property) +
  • epochs_trained (darts.models.forecasting.dlinear.DLinearModel property)
  • +
  • untrained_model() (darts.models.forecasting.block_rnn_model.BlockRNNModel method) + +
  • uri (darts.datasets.dataset_loaders.DatasetLoaderMetadata attribute) diff --git a/index.html b/index.html index a5a129f2f4..30454a112c 100644 --- a/index.html +++ b/index.html @@ -258,7 +258,7 @@

    Time Series Made Easy in PythonPyPI version Conda Version Supported versions -Docker Image Version (latest by date) +Docker Image Version (latest by date) GitHub Release Date GitHub Workflow Status Downloads @@ -463,28 +463,28 @@

    Forecasting Models

    NaiveMean

    -

    🟩 🟥

    +

    🟩 🟩

    🟥 🟥 🟥

    🟥 🟥

    🟥

    NaiveSeasonal

    -

    🟩 🟥

    +

    🟩 🟩

    🟥 🟥 🟥

    🟥 🟥

    🟥

    NaiveDrift

    -

    🟩 🟥

    +

    🟩 🟩

    🟥 🟥 🟥

    🟥 🟥

    🟥

    NaiveMovingAverage

    -

    🟩 🟥

    +

    🟩 🟩

    🟥 🟥 🟥

    🟥 🟥

    🟥

    @@ -507,7 +507,7 @@

    Forecasting Models

    AutoARIMA

    @@ -566,7 +566,7 @@

    Forecasting Models

    Prophet (see install notes)

    +

    Prophet

    Prophet repo

    🟩 🟥

    🟥 🟩 🟥

    @@ -622,7 +622,7 @@

    Forecasting Models

    LightGBMModel,

    +

    LightGBMModel

    🟩 🟩

    🟩 🟩 🟩

    diff --git a/objects.inv b/objects.inv index 3616fcef22..7c95c69b5a 100644 Binary files a/objects.inv and b/objects.inv differ diff --git a/py-modindex.html b/py-modindex.html index 823a276528..f11325e8ec 100644 --- a/py-modindex.html +++ b/py-modindex.html @@ -564,11 +564,6 @@

    Python Module Index

        darts.models.forecasting.baselines - - -     - darts.models.forecasting.block_rnn_model -     @@ -659,11 +654,6 @@

    Python Module Index

        darts.models.forecasting.regression_model - - -     - darts.models.forecasting.rnn_model -     diff --git a/quickstart/00-quickstart.html b/quickstart/00-quickstart.html index 465d0b1a5e..1d51c2ee3f 100644 --- a/quickstart/00-quickstart.html +++ b/quickstart/00-quickstart.html @@ -723,7 +723,7 @@

    Some TimeSeries

  • -series1, series2 = series.split_before(0.75)
    +series1, series2 = series.split_after(0.75)
     series1.plot()
     series2.plot()
     
    diff --git a/quickstart/00-quickstart.ipynb b/quickstart/00-quickstart.ipynb index 027ceb95e7..c4bf8a58f6 100644 --- a/quickstart/00-quickstart.ipynb +++ b/quickstart/00-quickstart.ipynb @@ -134,7 +134,7 @@ "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAXQAAAEPCAYAAABShj9RAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjUuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/NK7nSAAAACXBIWXMAAAsTAAALEwEAmpwYAABI0ElEQVR4nO2deXiU1fXHP5M9gZAQIAESMGAEZBcvCLIpVssitYW6VRQq7tJFW6u1lap1+bW2VatWa9Xi1qpoEdzrgiJBlFtAZJXFgAkhYcsG2XN/f7zzTibbLJmZZBLO53nyvJl3ue+9mcl3znvuuec4jDEIgiAIHZ+I9u6AIAiCEBxE0AVBEDoJIuiCIAidBBF0QRCEToIIuiAIQidBBF0QBKGT0J6CbsL958CBA+3eBxmLjKWj/MhY2uynRcRC90BtbW17dyFoyFjCExlLeNJRxyKCLgiC0EkQQRcEQegkiKALgiB0EkTQBUEQOgki6IIgCJ0EEXRBEIROggi6IAhCgBhjqKnxGCLeJoige+D+++9n5cqVvP7669x///0ALFiwgAEDBjB69GjGjBnDZ5991s69FAShPamtNQyfb5jyE0NdXfuKugi6BzZs2MD48eP55JNPmDJlimv/Aw88wMaNG/m///s/rr322nbsYeupqalp7y4IQqfgUDFszYHPtsCaze3bFxH0ZrjlllsYOXIkX375JRMmTOCpp57i+uuv5+67725w3pQpU9i1axdlZWWcc845jBkzhhEjRrB8+XIAjh07xqxZsxg1ahTDhw/n5ZdfBuC2225j6NChjBw5kl/+8pcAHDx4kLlz5zJ27FjGjh1LdnY2AHfeeSdXXnklZ511FgMHDuSvf/2r6/6///3vGTx4MJMmTeLSSy/lT3/6EwC7d+9m+vTpnH766UyePJnt27cD1tPFddddxxlnnMGvfvUrPvnkE0aPHs3o0aM57bTTKC0tDe0fVhA6IUVl9b+/+H47u12MMe31E9Z88cUXZsGCBaaqqsqceeaZrv3z5883S5cuNcYY88orr5hx48aZ6upqU1xcbIwx5uDBg+bkk082dXV15tVXXzVXXXWV69qioiJz6NAhM2jQIFNXV2eMMebo0aPGGGMuvfRS8+mnnxpjjNm7d68ZMmSIMcaY3/3ud2bChAmmoqLCHDx40KSkpJiqqirzxRdfmFGjRpny8nJTUlJisrKyzAMPPGCMMWbatGnm66+/NsYYs3btWnP22Web3NxcM3/+fDNr1ixTU1NjjDHm/PPPN6tXrzbGGFNaWmqqq6tD8rcMNrm5ue3dhaAhYwlP/BnL2i11hsm1hsm1JmVWramsqgthz4wxHnQ1qn2/TlrG4XCEpF3jYw3V9evXM3ToULZv386pp57a4Ngtt9zCPffcQ69evXj66acxxnD77bezatUqIiIiyMvLo6CggBEjRvCLX/yCW2+9lfPPP5/JkydTU1NDXFwcCxcu5Pzzz+f8888H4IMPPmDr1q2ue5SUlFBWZn31z5o1i9jYWGJjY0lNTaWgoIDs7GwuuOAC4uLiiIuLY/bs2QCUlZWxZs0aLrzwQldblZWVrt8vvPBCIiMjAZg4cSI333wzl112GXPmzCEjI6MVf1FBOLFxt9CPlMB7X8Dsie3Tl7AV9PZi48aNLFiwgNzcXJKTk3nkkUcwxjB69GjXBOgDDzzAD3/4Q9c1S5Ys4eDBg/zvf/8jOjqazMxMKioqGDRoEOvXr+ftt9/mt7/9Leeccw6LFy/miy++4MMPP+TVV1/l0Ucf5aOPPqKuro61a9cSFxfXpE+xsbGu3yMjIz36v+vq6khOTmbjxo0N9ufl5QHQpUsX177bbruNWbNm8fbbbzNx4kTee+89hgwZ0qq/myCcqBQ18lS++L5h9sTQGKTe8MmHrpQ6Syn1oVJqpVLqB0qpSUqpNUqp1UqpEc5zeiul/quUylZKzQu0Y54eKwL58cbo0aPZuHEjgwYNYuXKlUybNo333nuPjRs3Eh8f3+w1xcXFpKamEh0dzcqVK9m7dy8A+/fvJyEhgXnz5nHLLbewfv16ysrKKC4uZubMmTz44IN8+eWXAJx33nk88sgjrjYbC3JjJk6cyBtvvEFFRQVlZWW8+eabAHTr1o0BAwawdOlS19/Rvkdjdu/ezYgRI7j11lsZO3asy9cuCILv2Bb6eWOt7YpsOFbePr50rxa6Uioe+AUwQ2td5dz3CTALSASeAGYCtwJ/BD4GPlVKvaq1rghRv0PKwYMH6d69OxEREWzfvp2hQ4d6PP+yyy5j9uzZjBgxAqWUy8r96quvuOWWW4iIiCA6OprHH3+c0tJSLrjgAioqKjDG8Je//AWAv/71r9x4442MHDmSmpoapkyZwhNPPNHiPceOHcv3vvc9Ro4cSVpaGiNGjCApKQmAF198keuvv5577rmH6upqLrnkEhYuXNikjYceeoiVK1cSERHBsGHDmDFjRmv/ZIJwwnLUaaGPyoI9+2FXHuQehMH9274vDm9Wq1JqGnAdkAQcB24AXtRaT3MeX6u1Hq+UygYma63rlFKPAM9qrbWHpts/Ct8LeXl5pKent3c3WqSsrIyuXbty/PhxpkyZwpNPPsmYMWOaPTfcx+IPMpbw5EQdy21P1PGHf8G9VztY9qlBb4fPn3AwbmjI3C4tNuyLDz0NyALGA98B7gJK3I7XKKVigGitdZ1zXzGQ0rghpdQ1wDUAixYt4txzz/Wp9+1FdXW1y/ccjtx4443s3LmTyspKLrzwQtLS0lrsb7iPxR9kLOHJiTqWvIJuQBeoKSI2Mg6IZffeQ6QnVYWkb56+aHwR9CIgW2tdpZT6EEvQ3acBopzHqpVSEU5RTwKONG5Ia/0k8KTzpVjoAfL666/7fG64j8UfZCzhyYk6lmpj2bGZGcmk7rJkLTq+J+npbT8x6suk6DrgVKWUAxgNbAWilFLJSql+1Av3OuAspVQUcDqwJQT9FQRBCCvsSdHkrpDU1fq9uKzl80OJVwtda31IKbUM+ATLqr4SSAfedr6+wXnqH4DngHuAJ7TW5SHpsSAIQhhhT4p2T4QkZ1Rw8bH26YtPceha68eAx9x27QbObHROPhDeTnFBEIQg05yFXnLM4GHuMmRILhdBEIQAaCDoXSwRby8LXQTdA5I+VxAETxhj6gU9DFwuIugekPS5giB4oqIKqqohJhriYqCbLejtNCkqgt4Mkj5XEARfKHKbEHU4HO1uoUv63BaQ9Lnhy4mapjXcORHHsuUbK3Xu4MtqjTH1qXTV1bWh7F4HTJ87pc77Sa3ArPLtoUTS5wqC4A3bQk92RrcktbPLJWwFvb2Q9LmSPlcQfMU9wgXqBb3kePv0J2x96GZVREh+vCHpcwVB8JUmgh7uK0VPRCR9riAIvmALevdEaxsfC1GRdvSLISa6bRcXeU2fG0IkOVeASPrcjo+Mpe2oqzNERPgmsL6O5d7nDL99ynDbZXD/tZYHoMf5dRwpgcIVDnolh0TQW2w0bF0ugneuueYa1wKnuXPntijmgnCis2yVIXG6Ydmq4NqRRWVWe8ld6zW2PSdGxeXSgfnXv/7V3l0QhLCnqtpw06OG4xXw8QbDD6YEz2pu7EMHNz96O8Sii4UuCEKn5um3YO8B6/dgi2yzgt6OFroIuiAInZbySsM9z9W7WUIm6In1+9ozdFEEXRCETss/3oD9h6zoEwi+1eyKcmnO5SIWuiAIQvBY9aVlnV8503odbAvdLm7RnIUuPnRBEIQgcthZzn7YgNDkKW/Oh95NBF0QBCH4HHEK+sC+1jaYbhDjlgs9qT6jRn2Ri7K2X2ojgi4IQqfFttAH9rG2xccsIQ4Gx8qhttbyz8fGNBOHLha6IAhC8LAt9D49IDYGqmugvNLzNb7SeNm/TX1d0eDcxx9E0AVB6JSUVxrKK61qQl3igx8ffqjY2qY0FnSx0AVBEIKLbZ2nhKiaUMFRa5uW0nC/CLogCEKQsf3nPawkpEFfkl9wxNqmdW+4X+LQBUEQgoy7hQ7Bd7m0ZKF3S3DeRyx0QRCE4HDY6eO2LfTkIFvoBw5b0TJp3Rsm+5LkXIIgCEHmiHMVZxMLPcQ+9K7x4HBYYY01NW0biy6CLghCp6SxhR5s37ZL0Bv50CMiHK7VoqXlwbmXr4igC4LQKTlSalnHKYmWS8RewVkUpBWcLU2KWveytm09MSqCLghCp6SJhd5GLpdQ3MtXRNAFQeiUNPGhB9HlUltrXAuLUpuz0NspdNFrCTqlVCawDtji3HUhcBZwE1AOzNda5yqlhgBPOtu8Q2v9YSg6LAhC5+LzrZYL5IyhwS2oHEoL/VAx1NVZbUdHNe23nR/djoVvK3ytKfqJ1vqHAEqpKOBmYCowFrgDuBa4D1gIFADvACLogiB4pOCIYepPDXExcORNa0IxWNgWeo9u1jaYYYstTYjaZKRa29yDgd/LH3x1uUxUSn2qlLoPOAXYprWu0lpnAyOd5/TVWu/UWpcAR5RSPUPRYUEQOg/PvA2VVZZroizIESG2hZ7iFPRgukE8TYgC9E+1vpj2FbRt2KIvFno+kAUcB/4BzAHcHyQinVv3L4diIAU45N6QUuoa4BqARYsWce6557au121EdXU1eXl57d2NoCBjCU9O5LHU1sHjy3phy9CO3Qfo26MuKH0xBg4X9wYclJftJ68KyssigVSOFNeQl+fZdPY2lm2744FkusWVk5dX1OR415g4oDs7cpo/Hgjp6ektHvMq6FrrSqASQCn1H2AB4P4dV+vcur8TScCRZtp6EsvPDtD22d/9JC8vz+MfryMhYwlPTuSxvLPW8O3BehlISOxNenpwXC5lxw3VtYb4WMgaYPUpposBDGWVUV776W0s1VhtZabHk57epcnx0UOs4wdLmz8eKnyZFE3UWju9UUwG3gKuU0rFAArY5DyWr5Q6GSgEUrTWh5q2JgiCYPHE8oY2XTAjQlyJubrV77MnRYvKrCIXDkfrvzwKjjqX/ac030b/NGu7r6DVt2gVvrhcJiml7sFyuXyDNQlaAXzs3M53nvcbYAmWC+Z3we6oIAidh8Kjhjc/g+goGJoJX+6CkuPBa9+VmMtN0GOiHcTFGCqq4HiFlSO9tXjzofftARERkH8YqqoNMdHBjeBpCV9cLu9gRa2487Lzx/28rVgWvCAIgkd27LPC/sadChm9nIIexEU4zVnoYE2MVhyxIl0CEnQPi4oAoqIcpPc0fFsIeQdhQN/W38sfZGGRIAhtTv5ha9u3R2hWVTZnoYNb6GKA7p0DXix0cHO7FAZ2L3/wNQ5dEAQhaNiC3qeHVSIO2shCD9KXhzeXC0A/Zyx6W/rRRdAFQWhz8p25xPv0cFDtTDFbctwAwfE1t2ShB0PQ6+oMBz0s+7fp3w6CLi4XQRDaHHcLPamrJeLBjXKxviR6dGuh+EQA9zpcArW1lvsmNqblL6D+aW2/uEgsdEEQ2pz9boJunHoX6igXaBi62Fpc7pYWJkRtxIcuCMIJgbuFfqzC+j3UcegQHJeLLxOi0D6x6OJyEQShzXEXdLuocjAt9EJnWGGv5Ib7kxNt907r3SD//sC6dtgAz+e5C7oxbeN2EUEXBKEB1dXVLF26lB/84AecfPLJfPHFF0Ftv7LKcKQEIiMtwbXLtQUzysXOcmhnPbQJ1ELfs9/w7HtW32++yPMEbnJXq75oWXlgLh5/EJeLIAgN+NnPfsbjjz/uer18+XLGjRsXtPZtl0XvFCtdblIXy3oNVhx6dY0h/7BVqLlPj4bHAhX0e58z1NbCghmQleFZ0B0OB/3TDFtzLCu9e2Lr7ukPYqELgtAA2yKfMGECAAUFwXUCu7tbIPgW+oHD1kRr75SmxSfshUVHS5u50Avu1vlvLvctvLKt/egi6IIgNOCbb74B4IorrgBCKOjOKJFgrxR1uVt6NT1mR6YUNMkF650Vq61wxQvP8m6d29h9aKtCFyLogiC4KCkp4ciRI8TFxTFypFW7JtQWepd4yz1yvAJqagKfPPQk6PY97bBJf9iVZ/Vt3Km+L36yJ2Xt+qOhRgRdEAQXOTk5AGRmZtKnTx8g+IK+/5C9StR67XA4XG6X0iBULWppQhQsNwxYFnpdnX9fHrv3W9uBfXy/pleyJf6HiiTKRRCENsZ2twwYMIC0NMsBXFBQENSwu3oLvd7SdbldghANklto9TWjV1NLOjbGQUo3qKn132re4xT0k/2oR9LTWaD6oFjogiC0Ne4WekJCAl27dqWyspKSkuCVr2/scoHgxqJ7crm43zffD7dLba3hm3zr94F+pMJ1uVyKfL8mEETQBUFw4W6hAw2s9GCR75yQ7OtWRt7OsRKMSJdQCHruQaiusVw2CXG++9DFQhcEod1oE0H3YKEHI9LFkw/d/b7+CHpr3C0gFrogCO2I7XJpLOgHDhwISvs1NYbCo1ZUi3sulGDFotfWGvY7qxn37dH8Ofb+/X5UPbYnRE/2s/KQbaEfKm6b5f8i6IIgAJbg2BZ6ZmYmEHwLvbDIWvTTK9kq02YTrFj0wqPWhGevZIiLbd41Yk/G2jnZfWHPfuvcgX39y9feJd5BfCxUVMGxIETweEMEXRAEAI4cOUJpaSmJiYmkpFjxfcEW9ObcLRA8C92b/9z93v64XHbnWVt/XS7Q0EoPNSLogiAADd0tDodliQZb0Avc8ri4062Ldb+SY4G5JUIm6K10uUC9H/1gEXy5yzDv93X8443QuF9E0AVBAGjiboHgC/rBImvbOK1tsFwu3iZEIbBJUX9CFm3cLfQvd8GL78PKDSLogiCEkMYRLgC9e/cGgifottvBFjmboLlcPCwqsnFf/u/LROXRUsPRUitFgacaoi3hbqHbvvgBfqw29QcRdEEQgKYRLhB8C/1QsSVoPZMa1foMtoXuweXSJd5BYgJUVfuWddHlP++LyxXlD+4WumtxUp/gFMNujAi6IAhA8xZ6sJf/2xZ6Y5dLW06KQv2iJl/cLoG4W6A+n8vBIsMep6CLhS4IQkjJzc0FoF+/fq59Xbt2JSEhgfLycsrKAk+00qLLJUhL/791FmT25EMH//zogUyIQkMLPdAvB2+IoAuCAEBhoaWGtlVuE0y3iz0p2ljQ7aX/gSTnOlpq5VuJiYaT0jyf60nQH15quPTeFEqPW08kO/ZZW19zoDfGfhrJPWgtZoqM9P4E0VpE0AWhA7F27VoOHfJjiaOP1NXVudrt2bNng2PBFHSXhZ7ccH8wLPS1W6ytGmxlVfSEXVyjsaAfOGy49e+GTzfH8u7n1r6Nu6ztqJNb1y/7y0tvt7YnpTVcVBVMRNAFoYOwbds2JkyYwPjx4yktbUUNNQ8cPXqU2tpaunfvTkxMTINjwVz+35LLxWWhB+BDz/7KsqTPHO79XHu1qJ2b3ebBVwyVVdbva7cYKqsMW76xUhWMbKWgNy5yESr/OYigC0KHYf369QDs3r2bn//850Ft23a39OrV1BcQLAu9ttZwpMQSx5RGBZPjYiAqEiqroLKqdZOv2Zut7cQR3q3f5lwuR0sNf3u9/vXarbA1x0olMKifFR3TGho/jYTKfw5+CLpS6lKl1EHn7xcqpdYopT5USmU49w1RSq1y7j8nVB0WhBOVXbt2uX5/5plneO2114LWti3oqalNZxODJehHS608Lt0Tm7ocGlQt8tHtYozhjqfqeP1TQ3WN4Ytt1n7fLHRr6y7oj/0Hysph3KnW6/99DZ872zztFN/61BwpidaXmM2AEIUsgo+CrpSKBC4EvlVKRQE3A2cBi4E7nKfdBywEpgN3B72ngnCCYwv6hAkTAIJqpXsS9GAtLmrJ3WLjbyz6V3vgnufg0rsMb2RbNUlPyYDU7t4Fs59zmPsK6/c9vtx6MrjvGgdZfWuorIIl71j7Rme1XoQjI60qSTb+lLDzF18t9EuBpUAdcAqwTWtdpbXOBkY6z+mrtd6ptS4BjiilerbQliAIrcAW9Pvvv5+4uDhyc3ODEkoIcPCgFcDtyUIP1IfeUoSLjb3fzvfijQNO67qiCq78g+/+c4D+aZbVnHvQSulbXGal3Y2PhWljYMwpliP9863W+YFY6AC93Mbcrj50p3V+EfCyc1d3wL0eVWQzbRUDjdLvCIIQCLagn3LKKWRkZADw7bffBqVtTz50u1h0oILuzUI/yXoQYK+PDwLu2QvtcEdf/OdgRcH07Qm1tZao5ziHltnbcv+MyapucP7oAAXd3Y8eSh96lA/nzANe0VrXKaUAigC3Bwhqnds6t31JQJPvWaXUNcA1AIsWLeLcc89tRZfbjurqavLy8tq7G0FBxhKe+DqW4uJiDh06RFxcHHV1daSmprJr1y42bNhAt27dvF7vDXuVaExMTJP+2Mvdc3NzPfbV21h25sQDySTEHCcvr2ku2R5dEoGubNpRzJRTvftddu5NAJKIizFUVFl9zEotJC+vxuu1AH1TepB3MIZ1mw9RcswBpNCnewV5eUcZMQAsGYO07rVUHy8kL4CQyq6x3YE4usTVUVFWQF4A0Tzp6S3n8PVF0IcCpyml5mG5W34CnKqUigEUsMl5Xr5S6mSgEEjRWjcJltVaPwk86XwZ+vIdAZKXl+fxj9eRkLGEJ76OxbaObes8KyuLNWvWUF5eHpS/xfHjlloNGjSoSXt2bvSDBw/St2/fFvOZeBtLbYQBDCf1SSA9vWuT48OyrONHy7uRnp7stc81Thty0RwHy1dbC4qmjk0lIsI3K31Q/zrW7YCy6p6UVgEYhmTGkZ6eTk1tHl3iraIUpw+ODPhv3K+31deT0yPIyAjdZ9eroGutb7V/V0pprfX1SqmLgY+BCmC+8/BvgCVYLpjfBb2ngnACY7tbsrKygPrl+W3hcomPjycpKYni4mKOHj3qEnh/OVTUfGIum0w/XS62T35AHwdfLYHICHwWc+s6a5tzwFBUWt8WWCGUY4fAxxsC959DfSx6KP3n4JuF7kJrrZzbl6n3qdvHtgKTg9c1QRBs2krQm5sUBcuPXlxcTH5+fqsF3a583zgu28blQ/fRVe+eW93bytDmyOztAAw5+fVZF90F98czHGzeY/jhWYGHGVpfFIbhA7yeGhB+CbogCO1DqAXdU5QLWKGL27dvJz8/n2HDhrXqHnbl+xYnRZ35V3IOWDHm3lLVeptk9UamU7y/yYci56Squ6BfMd3BFdODEzN++XmQkujgOyoozbWICLogdAB27twJhEbQa2pqOHz4MBERES1a33akS35+fqvv01LqXJukrg6SuhqKy6xzWzrPpqXqR75iu3jcBT0zRC6R2BgHc6aGpm13ZOm/IHQAPFnogeYpt5Ny9ejRg8jIyGbPCUbooi8WdaYfbpdALfR+qRARYYUtlpVbOdm7J3q/LpwRQReEMKe0tJSCggJiY2Nd8edJSUl07dqVY8eOUVRUFFD73vznUL9aNBgWuicBdne7eKKuznDYuRqmRysFPSbaQbrb8scBfVpXkSicEEEXhDBn9+7dAAwcOJCICOtf1uFwuKz0ffv2BdS+N/85BO5yqawylB63okfsnC3N4evE6NFSqKuD5K4QHUAqWvuJAEIfgdIWiKALQpizZ88eAE4+uWH+1mD50T2FLNoE6nJxt849WcFW5AnsLfDsRgrUf27jLuLu4t5REUEXhDDHXn3pXhrO/XWwBD2ULhdvE6I2LpeLl9sE6j+3cZ8EDWUWxLZCBF0Qwpz9+61ClH37NkwCEixBbwuXi68C7Gs+l2BZ6PYTAYjLRRAEJx988AH3338/dXV13k/2k5YEvX///kDbWOh2JaOSkhJXmgB/cMWgJ3s+z1dBD5qF3rv53zsqIuiCEAR+9rOfcfvtt/POO+8Eve1QW+i++NAdDofL7eKLH/1f7xum/qTOVeLNzjvuTYB7JkFCnJU9sai0qR+9otJQV2dC4kMXC10QBIwx5OTkALB06dKgt99Wgu7JQgf/3C5/X2FY9SU8tNQS5Vc/traTR3r2UzscDpcfvbGVvjXHkDzLcNvfDQe95IXxlX6pVnm58cOga4L40AXhhOfo0aMuN8Trr79OZWVlUNv3Jui5ubk+u3qMMfzxj38kOzvbtc8XHzr4J+j7nGL8zNuwabdVHq5bF/i+D9meWgpdfO0Tq+boP96oLx0XqIUeGelg87MOVj/a8cUcRNAFIWDcLeTi4mI++OCDoLV9/PhxioqKiI6OpkePHg2OJSQkkJKSQlVVlUuUvbF27VpuvfVWZsyYwTfffENubi65ubmAd0H31eVSW2vIdXbncDH86G7Lmr7wLIiP9S6c/Z3d+Law4f5PNlrtFJXBO59b+7z55H0hOspBZKQIuiAINHV5vPLKK0Fr27aGW8pD7q/bxT6vtLSUefPm8cMf/pCKigqmT59OcnKyx2t9tdAPHIGa2vrXW6zaGVz+Xd9Es3+add4+t1j0qmrDms3155Q4C0T0CnBStLMhgi4IAWJbuJMmTQJg+fLlQXO7uAt6c/hbis7dul6zZg2ff/45/fv357nnnvN6ra+CbrtbBveHrvHW7yf1hskjW77GneYKOK/bDuWV9e3ZBMNC70yIoAtCgNhies455zBy5EiKi4tZuXJlUNpuyX9u4+5H9wVb0M855xwcDgexsbG89tprHiNcbHxdXGS7SoaeBFd81/p9/nTfi0/0T2vYDsAnG63tvPMgw62rgfrQOxsi6IIQILag9+vXj2nTpgGwcePGoLTtq6D7a6FffPHFZGdns27dOpy1gr1ix73bET0tYVvo/dPgj9c7eP63Dm6f57uP2hb0fW5RLrb//KzRDtfEakx0U4v9REfyoQtCgNjWcb9+/VzRJlu3bg1K26ES9N69ezNhwgS/+jJw4EDAKihdV1fnShQGsOYrw/+2xvGTi2FfoSW+/dMcdIl3MO88v27jyoCYdwhqagwGyHb6z6eOhl7JDh79jyGte8fPjhhsRNAFIUDcLfSEhAQAtm3bFpS2vQm67UP31+Viu0/8ITExkdTUVAoLC9m/fz8ZGRlUVhl+8w/Dn18G6M6Zo00DC701xMY46J1iOHDECk/cf9gq1jy4P/Tu4SC1u+H2y2H4ABHzxoigC0IAGGNcYpqRkeEK/du2bVsTK7Y1hNJCbw0DBw6ksLCQ3bt3UxuVzvd+bdi0u/74B9rN5eI5CtIj/dOsaJl9hbiiW6aOsrYREQ7uvVrEvDnEhy4IAXDo0CEqKipISkoiMTGRHj16kJaWxrFjx4JSHs5XCz0vL4/a2tpmz7Gpq6vzeVVoS9gpfHfv3k3PJKiogqx0uOVS6/hH640rOqW1Fjq4RboUwLrtlgtnwnARcW+IoAtCALj7z21OPfVUIDhuF2+CHhcXR69evaipqXGJdUscPnyY2tpaUlJSiI2NbVV/bEHfs2cPXeIdvPl/DjY87eAXF1tiu+pLazFRTDSkdm/VLYCGkS56u/W7Gtz69k4URNAFIQDc/ec2Q4cOBQKfGC0tLaW0tJT4+HiSklpeQeNrLLrtbklLa73pbE+M2lWUTunnoGuCg7QUB4Mzqqmoss6z6nW23qLun2pdu2Gn4Zt8K2HXkP6tbu6EQQRdEALAFlFbVCF4Frq3VaI2vvrRA/WfQ0OXS2POHFZV36cA/OdQb6G/9Zm1Pe0UiAqg1NyJggi6IARAKC10b+4Wm7YUdNtCt8viuTNxWP3q2EAmRKH+C6HUmXpd3C2+IYIuCAHQnA/dXdCN8Vwb0xP+Crq30MVgCHqfPn2Ij4/n8OHDFBcXNzg2YWgVdlBPIBOizV2vhoh17gsi6IIQAM25XNLS0khOTqaoqIiCAi+ld9x48803WbhwITk5ORhjeP/994H6HCot4a8PPRBBdzgcLVrpSV0MYwZZv9sJtlpLr2SIjal/LRa6b4igC0IANOdycTgcrXK73HXXXTzzzDOMHDmSmTNnsmTJEqKiopgzZ47H6zy5XDZs2MApp5zCU089FRRBh6YTo+78+jIHE0fA7DMDugUREQ5XzpbEBKsIheAdEXRBaCW1tbXNulyg3u3iz8SoLZClpaW8++67JCQk8MYbbzB5sueqEC25XKqrq/nxj3/Mrl27WLx4sUvwAxV0TxOjc6Y6WP1YBL17BO4isf3wpw8OLGLmREIEXRBayf79+6muriYtLc215N9myJAhAGzfvt2ntoqKijh69CgJCQk8/fTTzJgxg48++ojp06d7vTY9Pd3VH/fFRQ8++CBffvklYEXMrF69GgieoDc3MRpMbD+6uFt8x+vSf6VUGrAMqAZqgcuAk4E/AnXA9Vrrr5RSvYHngC7A41rrF0LWa0EIA+ysg5mZmU2OnXLKKQDs3LnTp7a++caqAjFw4ECuvPJKrrzySp/7ERMTQ1paGgUFBeTn55ORkcGePXu48847Afje977HihUrXBO0gcSh232E5i30YHLZuQ7WbTfMny7Wua/4YqEfAiZpradiCfZC4F5gFvAj4A/O827FEvmpwI1Kqbjgd1cQwodgCrpt7dpi6S+NU9v+4x//oLy8nEsuuYR//vOfxMVZ/44RERH07NmzVfew8eRyCSbnjnWw5bkIhg8UQfcVr4Kuta7VWtsVaBOB3UCt1vqo1nofkOI8Ng74SGtdA2hgeCg6LAj+sGvXLtLT03nwwQeD3rZtVQ8YMKDJsYEDBxIREUFOTg5VVVVNjjcmUEEfPNjyS9guni1btgAwd+5cUlJSuOSSSwArh0tkZGSr7mGTmZlJamoqffr08bk4tdA2+ORDV0qNVkp9DiwC1gAlbodrlFIxQLSb8BdTL/SC0G68/fbb7N+/n1/96lds3rzZ+wV+4MlCj42NpX///tTV1bmE3xOBCnrjqBpb2G1f/g033IDD4XCtYg2E2NhYCgoKWLNmTcDZJIXg4lP6XK31RuAMpdRFwG+Abu5taK2rlFLVSqkIp6gnAUcat6OUuga4BmDRokWce+65gfY/pFRXV5OXl9fe3QgKJ+pYNmzYAEBNTQ3z58/n9ddfD5oI7dixA4CuXbs225/+/fuTk5PD2rVr6dq1a7Nt2GOxo2GSkpJa9T7Z2RM3bNjAnj172LNnDxERESQkJJCXl0ffvn1ZsWIFvXv3Dtnn4ET9jLU19iR4c/gyKRqjtbafGYuBMiBKKZWM5YKxhXsdcJZSahVwOvCrxm1prZ8EnnS+bP0SujYiLy/P4x+vI3GijsXOh+JwOFi/fj1vvPEGN9xwQ1D6YbetlGq2P8OHD2fVqlUcOXKkxf7aY7HFY+zYsa16n+zQxj179lBRUUFtbS1ZWVkNLP5Qv/8n6mcsnPDFVBmtlFqllFoJ/Bx4APgt8DbwEvBr53l/cP6+CnhCa10e/O4Kgn/Yk5J33XUXAI888khQ2q2pqWHfvn0AnHTSSc2e4+vEaG1trUf3jS8MHDiQmJgY9u3bx7p164B6d4tw4uDVQtdafwFMabQ7Hziz0Xn5QHj7UIQTiqqqKnJycoiIiOBnP/sZd955J19//TUVFRWuqI/WYheU6NOnT4tt+Sroubm51NTU0LdvX+LjW1f1OCoqikGDBrF582Zef/11QAT9RERmNIROi13MuH///nTr1o2srCzq6ur4+uuvA27bF4t60CArsUlLgl5bW0tlZWXAE6I29sTou+++C4ign4iIoAudFltIbUt52LBhQH1IXyB4Clm0yczMJDIykn379lFRUdHgWG5uLkOHDmXSpEl89NFHQOCCbkew2PcSQT/xEEEXOi2NBd22YIMh6L5Y6NHR0QwYMABjTINl8oWFhXznO9/h66+/Jj8/n3vuuQcInoVuI4J+4iGCLnRaQmmh+zqJ2diPXltby8yZM9mxYwcjRoxocH2wLHSAnj170qNHj4DaEzoeIuhCp8X2lbeXy8X93nZftm7dyv/+9z9SU1N5//33eeaZZ0hMTATqV3u2lkGDBrli7IOxgEjoeIigC+3Otm3bePjhhxtkCgwGjS30wYMHExkZye7du5v4tP2ltRa67Xo5/fTTSUtLY9CgQXz88cc88cQTjB07NqA+xcbGuvKsiLvlxMSnlaKCECoOHz7MOeecQ35+PgMHDmT27NlBabeiooJvv/2WyMhIlxUdGxtLVlYWO3bsYMeOHYwaNcqvNsvKynjrrbf44osvyM3NxeFwNMmD3hg70sVeVdpcRMuYMWMYM2aMX31piaFDh7Jz586ArX2hYyKCLrQbxhiuvvpq14rLTZs2BU3Qd+/ejTGGAQMGEB0d7do/dOhQduzYwZYtW3wW9OLiYhYtWsRrr71GeXn9ernRo0cTGxvr8VrbUrYF3c5QGKi/vCVuuukmqqurmTdvXkjaF8IbEXSh3Xj66adZtmyZ67U/5dq80djdYjNs2DCWLVvmlx/9P//5Dy+8YKX3nzhxItOnT2fUqFFMnTrV67UZGRnEx8dTUFBAUVGRy0K3XSPBZurUqT71S+iciA9daBeMMSxevBjAlVvFn3Jt3rAt4uYEHfybGLX7tXjxYlavXs1vf/tbZs+eTbdu3bxcaeUfd3e7BGsRkSA0hwi60C5s2bKF/Px8+vTp44rD3r59e9Dya2/cuBGgiVvFFnR/ngbsCJXGcd6+Yrtdtm3b5nN0jCC0BhF0oV348MMPAZg2bRrdu3enT58+lJeXs3fv3qC0b6fNHT16dIP9gwYNckW6HD9+3Ke2bGu/tRON9nUfffQRVVVVpKWltZhOVxACQQRdaBdsQT/nnHOA+rjpYPjRjx07xtdff01UVJTLIreJjY1lyJAh1NXV+eR2qampcU1kNnbf+Iot6HaOFXG3CKFCBF1oc2pqavjkk0+AekG33RnB8KN/9dVXGGMYOnRos1Eothvmyy+/9NpWTk4O1dXVZGRk0KVLl1b1xxb0gwcPAiLoQugQQRfaHK01JSUlZGVluYobB9NCt90tp512WrPH/RF0238eSFx342tDFeEiCCLoQpvT2N0CwbXQ7QnRxv5zG38EPVD/OVgl6tyr34iFLoQKEXTBI9XV1UFvszlBd7fQjQmsOmFLE6I2tqBv2rSpxXtVVlYC9YJuhx62FvcvBBF0IVSIoAst8vXXX5OWlsaiRYuC1uahQ4fIzs7G4XBw9tlnu/anpqaSkpJCSUkJ+/fvb3X7NTU1fPXVV0DLgt67d29SU1MpLi5uNqpm6dKlxMfH89hjjwXF5QINc6uIy0UIFSLoQovcd999HD16lOXLlwetzSVLllBVVcWMGTPo2bOna7/D4XBZ6YG4XXbs2EFFRQWZmZkkJye3eN7IkSOBpm4XYwx33nknxhhuueUWl7UfqKDb18fFxdG7d++A2hKElhBBF5pl3759vPjii4BVXaeoqMiv67/99lvOO+88fvjDH3L33Xe7ysE9+eSTAFx33XVNrmlNAYrt27fz8ccfu17b/vOWJkRtWvKjf/DBB66J2fLycoqKioiNjXVN3rYWW9AHDBjgSnErCMFGPllCs/zpT3+ipqbG9drfHOIvv/wy77//Pq+99hq/+93vOOOMM/j73//Ozp07ycjIYMaMGU2usV0k//vf/3y+z9y5czn77LNZsWIFgKucW0vuFpuWBP2hhx4C4Kc//anLws/KyiIyMtLnPjXH1KlTmTt3LrfddltA7QiCR4wx7fUT9uTm5rZ3F4KGP2MpKCgwcXFxBjBjx441gHniiSf8ut8NN9xgAHPppZeaqVOnGsD1c9dddzV7zbp16wxgBg8e7NNYampqTFRUlAFMz549zWOPPWYAExkZadavX++xjS+//NIA5uSTT3bt27FjhwFMXFycOXjwoHn66acNYH784x/7NXZ/OFE/Y+FOmI+lRV0VC11owiOPPEJFRQWzZ8/moosuAmDz5s1+tWHnLLn44ot56623OOOMMwCIjIxk4cKFzV4zcuRIYmNj2bFjh08unsLCQtdTxKFDh7jxxhsBeOCBB7y6XIYMGUJ0dDS7d++mtLQUgCeeeAKAyy+/nJ49e3LllVeybt06HnzwQe8DFoQwQARdaEBZWRmPPfYYALfeeivDhw8HWi/oAwYMoEuXLrz11lvMmjWLxYsXN4jJdicmJsYlxFprr/fIy8sD4KSTTnLVz7z44ov5+c9/7vXamJgY18SofS/bF3/ZZZe5zlNKkZSU5LU9QQgHRNCFBjzzzDMcPXqUCRMmMHHiRJeg28vpfcEY06REW48ePXjzzTddKXNbYty4cQB88cUXXu+Tm5sLwIgRI3j//fe59957efrpp3E4HD71c/z48QB8/vnnlJeXs2nTJiIiIlBK+XS9IIQbIuiCi5qaGpd74ZZbbgEgPT2dpKQkDh8+TEFBgU/tHDhwgIqKClJSUnzKGe5OawQ9IyOD0047jdtvv92vfCu2oK9du5YNGzZQW1vL8OHDW52zRRDaGxF0wcWyZcvIycnhlFNO4Xvf+x5gxYf763YJJOe3Leiff/651ycCd0FvDe6C/vnnnze4vyB0RETQBRcrV64EYOHChQ3C9PwVdNvd0hpBz8rKIjk5mQMHDrgEuyUCFfSTTz6ZHj16UFBQwNKlSwERdKFjI4IuuLBXaDau8tOWFrrD4fDZ7RKooDscDpeV/tlnnwEi6ELHRgRdcGGvkLSX4Nu0paADrhDHUAs61LtdABISEpoUxBCEjoQIugDA4cOHKSwspEuXLvTr16/BMVvQN23aREVFhde2AhV0O3TRU3pbY4xL0FsKg/QFd0E//fTTiYqKanVbgtDeeP30KqXGAQ8D1UAecAXwfeAmoByYr7XOVUoNAZ50tnmH1vrDUHVaCD62u+XUU09tkmukZ8+ejBkzhvXr1/Phhx8ya9Ysj20FKugtLcs/duwYS5YsISoqirlz51JZWUlycnJA9TnHjh2Lw+HAGCPuFqHD44uF/i0wTWs9BcgBLgBuBs4CFgN3OM+7D1gITAfuDnZHhdDSkrvFxo56sXOmtERNTQ379u0DrAU/rSEzM5PExEQOHDhAYWEhAM8++yxZWVksWrSI66+/3hWVEoi7BSApKcmVFGzs2LEBtSUI7Y1XQdda52uty50vq4DBwDatdZXWOhsY6TzWV2u9U2tdAhxRSvVsrj0hMB5++GEuuOACLrjgAm6++eYGCbQCwbbQbXFrjC3ob7zxBnV1dS22k5ubS21tLX379iUuLq5VfYmIiGiQ3nbTpk0sWLCAAwcOEBsbizGGP/3pT0Dggg5WmuAFCxa4xigIHRWfHYZKqZOA84DbgF5uh+z4Nvcvh2IgBTjUqI1rgGsAFi1axLnnntuKLrcd1dXVruXl4cChQ4eaLGsfOnRos5kLG+NtLHbe79TU1GbP69WrF3369CE/P5933nmnQTbDmpoa1qxZQ3Z2tuva9PT0gP52WVlZZGdns2rVKlc8+gUXXMCMGTO47rrrXMv0u3fvHvB7dPrpp3P66adz5MiRgNppDeH2GQsEGUvb4GnOyCdBV0p1A54HFmAJuPvyv1rn1t1sSwKa/HdorZ/E8rODlXkvrMnLywtowi3YfPrpp4AVWjd27Fgee+wxVqxYwVVXXeX1WvexbNu2jbKysgYuhj179gAwefLkFsf8gx/8gL/97W+sXbvW5Uf/z3/+ww033NBkFemoUaMC+tudeeaZPPvss+Tk5HDw4EHAytPygx/8gF/96leUlJQAVmm4cHqP/CXcPmOBIGNpf7y6XJRSUcBLwF1a6x3ATuBUpVSMUupMYJPz1Hyl1MlKqUQgRWt9qIUmhVZi1+KcM2cOixcvJioqirfffpsDBw743Mbx48eZPHkyZ555Jjt37gSgtLSUb7/9lpiYGI8TmRdccAHQ0I9+7733UlBQQFZWFrfddhsPPPAADz/8MPfcc09rhujCdrmsW7eOVatWAXD22WcTFxfX4IkkGC4XQegs+GKhXwqcAdyhlLoDeBx4CPgYqADmO8/7DbAEy4L/XZD7KdCwuHJqaiozZ85kxYoVvPDCC/zyl7/0qY2XXnqJw4cPA1aa2SeffJLt27cDVlUdT2F7U6dOJTExkU2bNpGTk0NycjIbNmwgJiaGL7/8koSEhABHWM+IESNwOByuIs3Dhg1zlW6bM2cOL7/8MiCCLggN8JQsPcQ/YU84Jbnfs2ePAUxycrKpqakxxhizbNkyA5ihQ4eauro6j9fbY1FKuQpNxMTEmLy8PLNkyRIDmIsuushrP+bOnWsA8+ijj5oVK1YYwEyePDnwATbDKaec4urrT3/6U9f+vXv3mn79+hnA7Ny5MyT3bivC6TMWKDKWNkMKXHR0bOv87LPPduVZmTVrFr169WLr1q0+5Q/XWqO1pnv37syePZuqqiruu+8+V9stRbi4M3v2bMCKdrEnJqdOndqaIXnFPQXBOeec4/o9MjKSt956i2XLlpGVlRWSewtCR0QEvYPg7m6xiY6O5sILLwTg3Xff9dqGXZFnwYIF3HXXXQA89thjPP/884D3OpwAM2fOxOFwsHLlSt5++20AzjrrLJ/H4Q+2oEdERDT50hgxYgTf//73Q3JfQeioiKCHEXv37mXRokXk5+c32F9TU+Mqfuwu6ADTpk0D6qvttMSePXt44YUXALj22ms57bTTmDt3LmDlTnniiSc4//zzvfaxV69ejB8/nqqqKrZv3050dDQTJkzwaXz+YheaGD9+vFQNEgRf8OSPCfFP2NPWfrRFixYZwFx55ZWufbW1tWbevHkGMAMGDGjiKy8sLHQVNq6oqGi23bq6OjNx4kQDmCuuuMK1v7Ky0hQWFvrdz/vuu8/l2540aZLf1/tKXV2defzxx83WrVsb7A9z/6ZfyFjCkzAfi/jQOwL24p5XXnmFY8eOYYzhxhtv5IUXXqBLly7861//alJerVevXgwfPpyKiooWsxM+99xzZGdn06NHD/785z+79sfExNCrV69mr/GEuyUfKncLWOltr7vuuhbTEQiC0BBJLRck9u3bx/333095eTlRUVHceOONXivPu1NXV8emTVZIf1lZGa+99hpg+b1jY2N54403GmQGdOess85i8+bNfPzxx0yePLnBsY0bN3LzzTcD8Je//IWePQPPyDB8+HAyMzPJycnh7LPPDrg9QRCChCfzPcQ/YY8/j13XX3+9yw0BmFGjRnkNJXTHDku0f8aOHWt69eplAPPMM894vPbVV181gJk2bVqD/e+9957p2rWrAcx3vvMdv/rjjezsbPPQQw8FtU1fCfPHYb+QsYQnYT6WFnVVBN0D/rypdsz0PffcY3r37m0A8/bbb/t8vR1TPn78eBMfH+8S9smTJ3sVzeb86Js3bzZRUVEGMD/60Y/M7t27fe5LuBPm/2x+IWMJT8J8LOJDDyX79u1j586ddOvWjVtvvdXl4rjvvvt8bsPO/T158mRX9ElUVBSPP/54E795Y5rzoy9dupSamhouuuginn/+eWJjY1szNEEQOhAi6EHAjhGfOnUqUVFRXHfddSQnJ7N69WpWr17tUxu2oI8aNYqbbrqJxMRE7r77bp9Lotm+7LfeeguA//73vwDMmzevScEKQRA6J/KfHgQaL/pJTEzkJz/5CWDlS/EFW9BHjhzJmDFjKC4u5te//rXPfbCt+pdeeokjR47w+eefExUVFdIoFEEQwgsR9AAxxjS7ivO6664D4KOPPqK2trbZa21KSkrYs2cPMTExDBkyBMCrm6UxkydPpl+/fuzdu5ff//731NXVMXHiRBITE/1qRxCEjosIeoBs27aNAwcOkJaW1sA90rdvXzIzMykrK2PLli0e2/jqq68AK5dKdHR0q/oRERHBpZdeCsBf//pXAM4777xWtSUIQsfkhBD0/Px8srOzyc7O5ttvvw1q27Z1Pm3atCZWtb0kfu3atR7bWL58OdAwGVVruOyyywBcJeK++93vBtSeIAgdi04v6EePHmXYsGFMmjSJSZMmMWTIEPbu3Ru09u0cKo1zrACuhUAtCXpdXR033XSTy88+Z86cgPoycuRIhg8fDkCPHj38WtgkCELHp9ML+j//+U+OHj1K79696d+/P8ePH2+w/D0QjDGusnBTpkxpctwW9M8++6zJsYqKCi6++GIeeughoqOjeeGFF4JSpHjevHkATJ8+XaJbBOFEw1OQeoh/Qk5tba0ZOHCgAczy5cvNpk2bXAtwCgoKvF7vvrjg3//+t3n99dcbHN++fbsBTFpaWrOLfyorK01sbKwBzJEjR1z7Dx065EqW1a1bN/Phhx8GMMqm93zkkUfM/v37WxxLR0fGEp7IWNqME3Nh0TvvvMOePXvIzMxk1qxZjBgxgvPPP5+Kigoefvhhn9vZvXs3l156Kd///vd55plnXPvtGPNJkyY1G5USExPD6aefDtAgcdYVV1xBdnY2GRkZZGdnu1LgBoOYmBgWLVpEnz59gtamIAgdg04t6I8++igAN9xwg6vKz+233w5YhR2Ki4t9aseuXwlw1VVXuV7b7pbGCbHcaex2qaqqck2krl692uXzFgRBCJROIegVFRVN9u3atYt3332XuLg4rrzyStf+CRMmMHnyZIqLi3n11Vd9at8W8BkzZmCM4fLLL2fHjh1+Cbo9Mbpp0yYqKysZPHgwJ510km8DFARB8IEOL+iPPvoo8fHxfP/7328Q7/3kk08CcMkll9CjR48G11x++eUArhS1nti6dSubNm0iOTmZ119/nfnz51NdXc3VV1/Nnj176Nq1KyNHjmzxejt0cc2aNVRXV7tcL+PGjfNvoIIgCF7o0IJeV1fnilhZvnw5I0aM4O9//zuVlZUuX7e9YtOdCy64gIiICD744AOKioo83sO2zufMmUNMTAz33XcfCQkJLuv8zDPPJCqq5bTyGRkZDB06lNLSUj799FMRdEEQQkaHFvTVq1eTk5NDRkYGN9xwA8YYfvazn/H73/+ew4cPM3r06GaFMzU1lcmTJ1NdXe1KZtUcxhheeuklwLL0wVoB+otf/MJ1jid3i83s2bMBePPNN0XQBUEIGR1a0J977jnAihp57LHHWLhwIZWVldx7772AZZ23lBPFTmblye3y3nvv8fXXX9OnT58GlXluueUWUlNTAZpUo28Ou2Tb0qVL2b59OzExMQGvChUEQWiCp5jGEP8ExPHjx01iYqIBzLZt24wxxhQXF5vMzEwDmK5du5qSkpIWr8/NzTWAiY+PN2VlZU2O19bWmsGDBxvAPPLII02Or1+/3vzjH//wqWJPdXW1SUlJcRWtGDdunB8jDQ5hHlfrFzKW8ETG0mZ0vjj0l19+mdLSUsaNG+fKUNitWzeee+45unbtys9//nOPmQbT09MZP3485eXlLrdLYWEhF198MX/4wx9YsmQJO3bsoH///lx99dVNrj/ttNO46qqrfMqKGBUVxcyZM12vxd0iCEIo6JBFolevXs2NN94IwMKFCxscmzx5MkVFRa64c09ccsklrF27lmeffZaLLrqIP//5z7zyyiu88sorrnMWL14clGo/559/Pi+88AIggi4IQmjocBb6+vXrmTVrFsePH2fBggVcddVVTc7xRcwBfvSjHxEVFcW7777L3r17WbJkCYDL4h84cCBXXHFFUPr93e9+1xUNI4IuCEIo6FAWul0js6SkhAsvvJCnnnoqoARUvXr1Yvbs2SxbtozLLruMwsJChg4dyldffcWaNWtISEhodX7yxiQnJ/Poo49y4MABBg0aFJQ2BUEQ3OlQgh4VFcUrr7zCgw8+yNNPP+2zJe6JH//4xyxbtozs7GwArr76aiIiIpg0aRJ5eXkBt+/OtddeG9T2BEEQ3PEq6EqpJOB9YCgwXmu9WSl1IXATUA7M11rnKqWGAE8627xDa/1hKDo8ZswYnn/++aC1N2PGDNLS0igoKCAmJsa1ilQQBKGj4Yu/4jgwC3gVQCkVBdwMnAUsBu5wnncfsBCYDtwd7I6GiqioKJeffM6cOU3SBAiCIHQUvFroWutq4KBSyt51CrBNa10FZCul/uTc31drvRNAKXVEKdVTa30oFJ0ONnfccQcpKSkNkngJgiB0NFrjQ+8OlLi9th3Z7tZ+MZACNBB0pdQ1wDUAixYt4txzz23F7UPD5ZdfTnV1dQO/eePXHRkZS3giYwlPwnks6enpLR5rjaAXAd3cXtc6t3Vu+5KAI40v1Fo/ieVnB2vVZFiTl5fn8Y/XkZCxhCcylvCko46lNYK+EzhVKRUDKGCTc3++UupkoBBI6SjuFkEQhM6CT4KulHobGA0MBv4OPAR8DFQA852n/QZYguWC+V1QeykIgiB4xSdB11rPbGb3y43O2Qp4zyUrCIIghIQOt/RfEARBaB4RdEEQhE6CCLogCEInwWFM2EcPCoIgCD4gFrogCEInQQRdEAShkyCCLgiC0EkQQRcEQegkiKALgiB0EkTQBUEQOgki6IIgCJ0EEXRAKdXFuXW0d18CRSmV4Nx2hrGc5Nx2hrGc0RnGAaCU6t/efQgWSqnu7d2HYHJCLyxSSp0HXA3sB/6gtd7fzl1qNUqp7wPzgG+BBzr4WBKAPwL9gB86q2Z1SJRSo4CHgbXAYmelrw6JUmo6sAioBP4NvKu1LmvfXrUOpdRU4BdYRXgeA7ZorSvat1eBc6Jb6D8CngI2A9cppTpktkil1PnAj4E/YBUgudW5v0NahFrr40AVkIg1rg47FqwMpPdprW8DBrZ3Z1qLUioSuA6rQM1dWLUQunTg9+Vi4J9YX0wzgbnt253g0JoCFx0Wp+V3MbAaKAD2AV8AK537T1dK7e4I1q1zLJcC7wDrgau01geVUl8DLymlUrXWhe3aSR9xe19Waa13O0ViF/Af4KdKqXe11vvatZM+4v4Zc9bYPQ5MV0rdhlUEZh3whtZ6d3v20xecY7kE+AQoA77Ceprdi1UfIR6IxvryDWuUUvFYRe3f1Vp/AnwD5GP9/1cAs5RSQ7TW29uxmwFzwljoSqlLsYpyJAB7tNYlQG9ggvMxeAMQh1U+L6xxG0scUKi13u8U8wgsq/abDiTm9ljisb5g0VobYCjWe/Ef4FqlVL/26qOvNBpLjnN3AtAH+CVwA5a7YlY7dM8vGo9Fa10AfIjl1tuA5aq4GrixvfroK87Pzr+xjLjPnLsdwACsUphbsT57We3SwSByQgi6UqobcBHwe6wP5XeUUj2Bx4GrlFJdtNabgZOAzHbrqA80M5azlFJDALTWdVgCUuM8t384PxI3GstHwFSl1DDn4U+wnjyOYYnIT53XhOVntpmxnK2U6gu8hmXF9tNaF2MJvf3+hOV708xn7Byl1Cla64+BD4DHtNbzgDeBGKVURLiOxUkUsALrSfwnSqkzgfeAM4FhWuvDWMZRPITv++ILnXZS1DkT/0vgLSAbmALcBMQAbwBXAFOBa7De8E+x/LWvaa3fbI8+t4SXsazAGssFWuscpdRCrA9qMdADuDGcJq58HMt5wLXAWVg1avcDx7TWd7RDl1vEx8/YOVjjGIllCc4Edmmt72qHLreIj+/LDKyniz5YgrgIOKq1/ml79Lkl3MayAmt+LMP5Og/LSFgA/B8wAqvg/XbgfCyX31Pt0OWgEZbWTqAopTKAP2P5+noDz2mt3wYeAM7WWv8JeA74o9b6D1gf4GuBTWEo5t7G8mesyZ0/OC/pjyXoO7XW88NMzH0Zy3PAncCfgGe01pdorW8OQzH35TP2LFb01FKsR/4zgDVhKOb+vC/PYBWKvxP4IgzF3H0s6cDftNYay7ip0lq/6Dx+HvA8lktvKrCuo4s5dDJBV0pNcXtcStZa/1lr/SyQqJT6tdb6v1i+M7AKXScopRKdj5LztdYPtn2vm8fPsTyK8zEe65F4gtb68Tbucov4OZaHsawmtNYvOK8Pm89pK8YSo5Tq5qy5+4sO/r50AeK01v/GeiJ8pB263SwexpKklLoKuBcYB6C1fhcY4jxvM/DTcBpLIITNP0ogKKW6KqXex/L3zcSasFmtlLrWecqnwPeUUsla61ql1BTgdaxIijIArXVN05bbngDGsgdAa/2p1rqo7XvelEDeF2foIuCaG2hXAhjLbucEPFrr2nboehMCfF+OAYRLPL0PY1kFXOncrlZK/c55/n7nuWHzvgSDTuNDV0qdjrUQZRzWQoFk5zYHS7SPYVmvW4B/YD3Ov9YeffWGjEXGEmpOsLFUYn0hfQakYU2E/rcduhpyOo2g2yil/orl23tBKdUH6/F9F/Bz4EWt9YH27J8/yFjCExlLeOJlLM93lFDeQOgULhdoEGr0IlbIWKrWOh8rlnkpVkhiaTj5Y1tCxhKeyFjCEx/HUtaRwxF9pdNZ6ABKqZ8AJwNHgd3A11rrL9q3V61DxhKeyFjCk840ltYQ9t++/uBmTYzEipndo7V+oSO+oTKW8ETGEp50prEEQme10OcCb2qtK9u7L4EiYwlPZCzhSWcaS2volIIuCIJwItKpXC6CIAgnMiLogiAInQQRdEEQhE6CCLogCEInQQRdEAShk3BClaATTgyUUplYJcbAKsz8e+f+p7ESNaG1btWqQaXUUKziDx87s3SilFoCzAfGOlO1CkK7IIIudHYWKKXuwUr9elEQ2hsK/M75+8dBaE8QgobEoQudDjcLfQ8wEJiGVT/yb1gpU9Ox3I2/waqLmQJoYJHWeotS6k4s0X4Kq9pQMlY90HXUW/42Z2NVwJmPVTjhQmfbP9JafxqSAQpCC4gPXejMbAM+x3KzXImVQrXIeezHWDUzN2EJ+1hguVIq2u36yVjFQ5KwSpYdxCqMAlat0EuxysrZnImVajYDq6KPILQpIuhCZ+cZLKt5IlapPpuZzu3NWuu/AsuxkjoNcjvnL1rrh7Es/UxncYds57HNWuuXGqVkvVNrfQ9W/u3MoI9EELwggi50dl4CaoFc4P1mjptGW3eOOLc11P+vePJRup8f6V83BSFwRNCFTo2z/NuVwLWNStm95dz+xZly9QKc6Va9NHnUuZ2slLpEKRUf1A4LQgBIlIvQ6dFav9zM7iVYk6NXY02arsOaFK1WSnlqbjVW/copzuv6BbWzghAAEuUiCILQSRCXiyAIQidBBF0QBKGTIIIuCILQSRBBFwRB6CSIoAuCIHQSRNAFQRA6CSLogiAInQQRdEEQhE7C/wO7xtvbXVIP4QAAAABJRU5ErkJggg==", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAiMAAAG9CAYAAADHrnYfAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy81sbWrAAAACXBIWXMAAA9hAAAPYQGoP6dpAACHRElEQVR4nO3dd3xUVfo/8M9MeiUJgYQkkIQSeglNICIICIIFkC6sgCgo8GVxfwu4LrKy7OIKC4qroIIQRRABqYqoFJUmUoPSCZACBJKQQnoyc39/DPfOvckkmTuZkvJ5v16+uDN3Zu6ZY+A+ec5zztEIgiCAiIiIyEG0jm4AERER1W0MRoiIiMihGIwQERGRQzEYISIiIodiMEJEREQOxWCEiIiIHIrBCBERETkUgxEiIiJyKAYjRERE5FAMRqohvV6PGzduQK/XO7opNQL7Sx32l/nYV+qwv9RhfxkxGCEiIiKHYjBCREREDsVghIiIiByKwQgRERE5FIMRIiIicigGI0RERORQDEaIiIjIoRiMEBERkUMxGCEiIiKHYjBCREREDsVghIiIiByKwQgRERE5FIORaiA1NRWurq7Izc1FcXExfHx8cOvWLel8REQENBoNNBoNvLy80LlzZ2zZssWBLSYiIrIeBiPVwLFjx9CxY0d4eXnh9OnTCAgIQGhoqOI1//znP3Hnzh2cOXMG3bp1w5gxY3D06FEHtdjxioqKHN0EIiKyEgYj1cDRo0cRExMDADh8+DB69epV5jU+Pj4IDg5GVFQUPvzwQ3h4eGD37t3Q6XSYMmUKIiMj4eHhgZYtW2LFihWK9/7000/o3r07vLy84Ofnh5iYGCQkJAAA4uLi8Pjjj8PHxwe+vr7o0qULTp48Kb338OHD6N27Nzw8PNC4cWPMmjULubm50vmIiAgsXrwYL774Inx8fNCkSRN88sknZb5fp06d4O7ujq5du2LHjh3QaDQ4e/as9Jo//vgDgwcPhre3N4KCgvCnP/0JaWlp0vm+ffti5syZmD17NgIDAzFo0CAIgoC33noLERERaNWqFcLCwjBr1izL/0cQEdVAN24LeHONHmeuCI5uisUYjDhIYmIi/Pz84Ofnh+XLl+Pjjz+Gn58f3njjDezcuRMdO3bEjBkzTL7X2dkZLi4uKCoqgl6vR1hYGLZs2YILFy5gwYIFeOONN7B582YAQElJCYYNG4Y+ffrg3LlzOHbsGKZOnQqNRgMAGD9+PMLCwnDixAmcOnUKr7/+OlxcXAAA8fHxePLJJzFixAicO3cOX331FQ4fPoyZM2cq2rNs2TJ07doVZ86cwfTp0/Hqq6/i8uXLAIDs7Gw888wzaN++PU6fPo1FixZh3rx5ivdnZmaiX79+iI6OxsmTJ7F3717cvXsXo0ePVrzus88+g6urK44cOYKPPvoIX3/9Nd59912sWrUK+/fvx7Zt29C+ffuq/88hIqpBZrwr4F+fA0+/LqCkpIYGJAI5RHFxsXDjxg0hLi5OcHFxEeLi4oRr164J3t7ewsGDB4VffvlFuHv3riAIghAeHi68++67giAIQmFhobB48WIBgPDNN9+Y/OwZM2YII0aMEARBENLT0wUAwk8//WTytT4+PkJsbKzJc1OmTBGmTp2qeO7QoUOCVqsV8vPzpbZNmDBBOq/X64WGDRsKq1atEgRBEFatWiXUr19fer0gCMLq1asFAMKZM2cEQRCERYsWCQMHDlRcJykpSQAgXL58WRAEQejTp48QHR2teM2yZcuEqKgooaCgQLh+/bqg0+lMfg9S0ul07C8zsa/UYX+pY63+ajZWJ6C34b+Dp/VWap19OTs2FLKNrl27IiUlxe7XDQ4OVgxxVMTZ2RkRERHYvHkzunXrhg4dOuDIkSMICgrCY489hoSEBAQGBkqvnzdvHubPn4+CggJ4e3vjP//5D5566ikAwIcffoi1a9ciMTER+fn5KCoqQqdOnQAAAQEBmDRpEgYNGoQnnngCAwYMwOjRo9GoUSMAwF/+8he89NJLWL9+PQYMGIBRo0ahWbNmAAxDOOfOncOGDRukdgiCAL1ejxs3bqB169YAgA4dOkjnNRoNgoODce/ePQDA5cuX0aFDB7i7u0uv6d69u6Iv4uLicPDgQXh7e5fpp/j4eERFRQEAunTpojg3atQovPfee2jevDliYmIwatQoDB06FM7OtfLHmojIpGzjyDl2HhbQN1rjuMZYqFb+q52SkqKYjVIdtW3bFgkJCSguLoZer4e3tzdKSkpQUlICX19fhISE4NKlS9Lr58yZg0mTJkk1FeIwy6ZNm/DXv/4Vy5YtQ8+ePeHj44OlS5fi+PHj0nvXrVuHWbNmYe/evfjqq68wf/58/Pjjj+jRowfeeustPP/88/j222/x3Xff4R//+Ac2bdqE4cOHIycnB9OmTTNZh9GkSRPpWBzWEWk0Guj1erP7IicnB8888wzeeeedMufEoAkAvLy8FOcaN26My5cv44cffsD27dsxc+ZMLFu2DD///HOZNhER1VbZecbjnYeB5TMF6R5RU9TKYCQ4OLjaX3fPnj0oLi5G//79sWTJEnTp0gVjx47FpEmTMHDgQCmzIAoMDETz5s3LfM6RI0fQq1cvTJ8+XXouPj6+zOuio6MRHR2Nv/3tb+jZsyc2btyIHj16AACioqIQFRWF1157DePGjcO6deswfPhwdO7cGRcuXDB5XXO1bNkSX3zxBQoLC+Hm5gYAOHHihOI1nTt3xtdff42IiAjVWQ0PDw8888wz6NChA+bNm4c2bdrg999/R+fOnS1uMxFRTVFYJKBQNrnwxh3gj+tA+2aOa5MlamUwYu5QiSOFh4cjJSUFd+/exdChQ6HRaHD+/HmMGDECQUFBZv9m36JFC3z++ef4/vvvERkZifXr1+PEiROIjIwEANy4cQOffPIJnn32WYSEhODy5cu4evUqXnjhBeTn52POnDkYOXIkIiMjkZycjBMnTmDEiBEADENDPXr0wMyZM/HSSy/By8sLFy5cwI8//ogPPvjArPY9//zz+Pvf/46pU6fi9ddfR2JiIv773/8CgBS5z5gxA6tXr8a4ceMwd+5cBAQE4Nq1a9i0aRPWrFkDJycnk58dGxsLnU6Hbt26ISMjAz/++CM8PDwQHh5uVtuIiGq6B3lln9t5uOYFI5xN40A//fQTunXrBnd3d/z2228ICwtTDEuYY9q0aXjuuecwZswYPPLII0hPT1dkSTw9PXHp0iWMGDECUVFRmDp1KmbMmIFp06bByckJ6enpeOGFFxAVFYXRo0dj8ODBWLhwIQBDLcjPP/+MK1euoHfv3oiOjsaCBQsQEhJidvt8fX2xe/dunD17Fp06dcLf//53LFiwAACkOpKQkBAcOXIEOp0OAwcORPv27TF79mz4+flBqy3/R9TPzw+rV69G7969MWTIEOzfvx+7d+9G/fr1VfUhEVFNlW0iGNlxuObNqNEIglDzWl3L6fV6JCQkIDw8vMKbcU21YcMGTJ48GVlZWfDw8Kjy59X2/rI29pf52FfqsL/UsUZ/nb0qIHpK2dt40lYNwhrWnLoR/rSQzX3++ec4fPgwbty4gR07dmDevHkYPXq0VQIRIqK6TD6TxlU2ur/riP3bUhUMRsjmUlJSMGHCBLRu3RqvvfYaRo0aVWaVViIiUk8+TPOMbPHunTVsqKZWFrBS9TJ37lzMnTvX0c0gIqp15JmR3h00OHlZQEIKcPAMkJ0rwNerZgzVWJQZ+eyzz/DUU0/hsccew/PPPy/tVRIbG4sBAwagX79+WLFiBeTlKOfPn8fYsWMRExODqVOn4s6dO9b5BkRERHVUliwYqecN9H+4qkFxCRBfvZfbUlAdjGzevBnHjh3Dp59+ip9//hkLFy6Ei4sLDh8+jC1btiA2NhabN2/G0aNHsXPnTgCGHVbnzp2LsWPH4sCBA+jYsSPefPNNq38ZIiKiukSeGannBQT4Gh+bmvZbXakKRnQ6HdauXYv58+cjODgYGo0GLVq0gKurK/bs2YPhw4cjLCwMgYGBmDBhAvbs2QMAOHXqFFxcXDBs2DC4ublhypQpuHjxYrVfJZWIiKg6y84zjkD4egE+nsZhmQf5jmiRZVTVjNy7dw8FBQXYt28fNm7cCG9vb/zpT3/C8OHDcePGDQwaNEh6bfPmzaWVQK9fv44WLVpI59zd3REWFobr168jNDS0zHWKiopQVFSkeM7Z2Rmurq6qvlxNJS6lrmZJ9bqM/aUO+8t87Ct12F/qWKO/snKMx94eArw95OcE6PWOL2Q1Z9qy6mAkJycHiYmJ2LVrF5KSkvDqq68iIiICeXl5ir1DvLy8kJ9vCMvy8/PL7Cvi5eWFvDzTOaR169Zh9erViudGjRpVZkv52i4pKcnRTahR2F/qsL/Mx75Sh/2lTlX66869+gAMm4zmZN5CUZ47AMPCjwnJ6UhIyCn/zXYirgheEVXBiLi3yMsvvwx3d3e0aNECAwcOxJEjR+Dp6SkVsgJAbm6utI6Eh4eH4px43tPT0+R1Jk+ejPHjxysbWscyI0lJSWjcuDEXDjID+0sd9pf52FfqsL/UsUZ/6WSTZVq1CMU92e/4rh71ER5eM1akVhWMhIeHw8XFRbEboHgcGRmJa9euoU+fPgAMm7WJW9E3bdoUW7duld5TUFCA5ORkNG3a1OR1XF1d60zgURGtVsu/0Cqwv9Rhf5mPfaUO+0udqvTXgzzjEI+ftwb1vADAMDSTk6+BVlsLp/Z6eHigf//++PTTT1FUVIQbN27gxx9/RExMDIYMGYJt27YhOTkZ6enp2LBhA4YMGQIA6NKlCwoLC7Fz504UFRVh7dq1aN26tcl6kbooNTUVrq6uyM3NRXFxMXx8fBTFvREREdBoNNBoNPDy8kLnzp2xZcsWB7aYiIiqA3HRM60W8HQHfGQDDg/yHF8vYi7Vodi8efOQmZmJAQMG4M9//jNeeeUVREdH49FHH8XIkSMxceJEjBw5Ej169MDQoUMBGDIdS5cuxZdffonHH38cZ86cwaJFi6z+ZWqqY8eOoWPHjvDy8sLp06cREBBQJlD75z//iTt37uDMmTPo1q0bxowZg6NHjzqoxY5XusCZiKguEqf2+noaRiqUwYhj2mQJ1cGIj48Pli5dil9++QW7du3Cc889J52bPHky9u/fj4MHD+LPf/6zYjinbdu22LRpE44cOYLVq1er3p22Njt69ChiYmIAAIcPH0avXr3KvMbHxwfBwcGIiorChx9+CA8PD+zevRs6nQ5TpkxBZGQkPDw80LJlS6xYsULx3p9++gndu3eHl5cX/Pz8EBMTg4SEBABAXFwcHn/8cfj4+MDX1xddunTByZMnpfcePnwYvXv3hoeHBxo3boxZs2Yp6n8iIiKwePFivPjii/Dx8UGTJk3KLPV+9OhRdOrUCe7u7ujatSt27NgBjUaDs2fPSq/5448/MHjwYHh7eyMoKAh/+tOfkJaWJp3v27cvZs6cidmzZyMwMBCDBg2CIAh46623EBERgVatWiEsLAyzZs2y/H8EEVENIwUjD+eIKIKRGjS1l4N6DpKYmAg/Pz/4+flh+fLl+Pjjj+Hn54c33ngDO3fuRMeOHTFjxgyT73V2doaLiwuKioqg1+sRFhaGLVu24MKFC1iwYAHeeOMNbN68GQBQUlKCYcOGoU+fPjh37hyOHTuGqVOnSoHi+PHjERYWhhMnTuDUqVN4/fXX4eJi2G0pPj4eTz75JEaMGIFz587hq6++wuHDhzFz5kxFe5YtW4auXbvizJkzmD59Ol599VVcvnwZAJCdnY1nnnkG7du3x+nTp7Fo0SLMmzdP8f7MzEz069cP0dHROHnyJPbu3Yu7d++WmT312WefwdXVFUeOHMFHH32Er7/+Gu+++y5WrVqF/fv3Y9u2bWjfvn3V/+cQEdUQ4jCN78MgpKZmRiCQQxQXFws3btwQ4uLiBBcXFyEuLk64du2a4O3tLRw8eFD45ZdfhLt37wqCIAjh4eHCu+++KwiCIBQWFgqLFy8WAAjffPONyc+eMWOGMGLECEEQBCE9PV0AIPz0008mX+vj4yPExsaaPDdlyhRh6tSpiucOHTokaLVaIT8/X2rbhAkTpPN6vV5o2LChsGrVKkEQBGHVqlVC/fr1pdcLgiCsXr1aACCcOXNGEARBWLRokTBw4EDFdZKSkgQAwuXLlwVBEIQ+ffoI0dHRitcsW7ZMiIqKEgoKCoTr168LOp3O5PcgJZ1Ox/4yE/tKHfaXOlXtr6JivYDeOgG9dULMdMNn5BUYn+s7q+b8f6iVG+V1fVmPlPv2v25wAHBytXnJJmdnZ0RERGDz5s3o1q0bOnTogCNHjiAoKAiPPfYYEhISEBgYKL1+3rx5mD9/PgoKCuDt7Y3//Oc/eOqppwAAH374IdauXYvExETk5+ejqKgInTp1AgAEBARg0qRJGDRoEJ544gkMGDAAo0ePlobJ/vKXv+Cll17C+vXrMWDAAIwaNUqaBRUXF4dz585hw4YNUjsEQYBer8eNGzfQunVrAECHDh2k8xqNBsHBwbh37x4A4PLly+jQoQPc3d2l13Tv3l3RF3FxcTh48CC8vb3L9FN8fDyioqIAGAqh5UaNGoX33nsPzZs3R0xMDEaNGoWhQ4fC2blW/lgTESnIMx9iZsTdFXByAnS6mpUZqZX/aqfcB26lOroVFWvbti0SEhJQXFwMvV4Pb29vlJSUoKSkBL6+vggJCcGlS5ek18+ZMweTJk2SairEYZZNmzbhr3/9K5YtW4aePXtKNT3Hjx+X3rtu3TrMmjULe/fuxVdffYX58+fjxx9/RI8ePfDWW2/h+eefx7fffovvvvsO//jHP7Bp0yYMHz4cOTk5mDZtmsk6jCZNmkjH4rCOSKPRqFpRMCcnB8888wzeeeedMufktUWlF85r3LgxLl++jB9++AHbt2/HzJkzsWzZMvz8889l2kREVNvI96URa0Y0Gg28PQRk5TAYcbjggOp/3T179qC4uBj9+/fHkiVL0KVLF4wdOxaTJk3CwIEDpcyCKDAwEM2bNy/zOUeOHEGvXr0wffp06TlxGX656OhoREdH429/+xt69uyJjRs3okePHgCAqKgoREVF4bXXXsO4ceOwbt06DB8+HJ07d8aFCxdMXtdcLVu2xBdffIHCwkJp0bwTJ04oXtO5c2d8/fXXiIiIUJ3V8PDwwDPPPIMOHTpg3rx5aNOmDX7//Xd07tzZ4jYTEdUE2fLMiOx3NR8PMBipDswdKnGk8PBwpKSk4O7duxg6dCg0Gg3Onz+PESNGICgoyOzf7Fu0aIHPP/8c33//PSIjI7F+/XqcOHFCWn73xo0b+OSTT/Dss88iJCQEly9fxtWrV/HCCy8gPz8fc+bMwciRIxEZGYnk5GScOHECI0aMAGAYGurRowdmzpyJl156CV5eXrhw4QJ+/PFHfPDBB2a17/nnn8ff//53TJ06Fa+//joSExPx3//+F4BxwbwZM2Zg9erVGDduHObOnYuAgABcu3YNmzZtwpo1a+Dk5GTys2NjY6HT6dCtWzdkZGTgxx9/hIeHB8LDw81qGxFRTabIjMgKV8Ui1poUjFT/u3Yt9tNPP6Fbt25wd3fHb7/9hrCwMNVTnqdNm4bnnnsOY8aMwSOPPIL09HRFlsTT0xOXLl3CiBEjEBUVhalTp2LGjBmYNm0anJyckJ6ejhdeeAFRUVEYPXo0Bg8ejIULFwIw1IL8/PPPuHLlCnr37o3o6GgsWLAAISEhZrfP19cXu3fvxtmzZ9GpUyf8/e9/x4IFCwBAqiMJCQnBkSNHoNPpMHDgQLRv3x6zZ8+Gn59fhasS+vn5YfXq1ejduzeGDBmC/fv3Y/fu3ahfv2Ysf0xEVBXKYRrjUhpiMJKTj2qxUZ45NIIg1IyW1iF6vR4JCQkIDw+vlUsqb9iwAZMnT0ZWVpa0f1FV1Pb+sjb2l/nYV+qwv9Span9t2i9g3ELDLfzdmRrMHm0ISAa8psf+U4bXZO/VwMez+i8JXyuHaah6+fzzz9G0aVOEhoYiLi4O8+bNw+jRo60SiBAR1VWmCliBsmuN+Jjek7ZaYTBCNpeSkoIFCxYgJSUFjRo1wqhRo/Dvf//b0c0iIqrRzA1GagIGI2Rzc+fOxdy5cx3dDCKiWiVbthGeooBVlnSuKcEIB/WIiIhqIHlmpJ5szciamBlhMEJERFQDZZU7tddYsMpghIiIiGymNtWMMBghIiKqgcpdgVUejOTbrz1VwWCEiIioBhIzIxoN4GXci5SZESIiIrIPMRjx8QS02rIrsALAg7yasa4pgxEiIqIaSBym8S21qBmn9hIREZFdiJkReb0IoMyM5LBmhIiIqHbKyhEwdake//pMgCO2eNPpBCnQqCgYqSmZEa7ASkREpNLrHwtYvRsABDzVU4PoKPteX57xKD1M481hGiIiototNVNA7HfGx8mp9m9DeauvAjUzM8JghIiISIVVO4CCIuNjR9zwFWuMlMqMuLlq4PJw3IPrjBAREdUy+YUCPtimrBFxRDCSlWM8Ll0zAhizI8yMEBER1TJf/ACkZiqfy65mmRGAwQgREVGtpNcLWP5V2ZkzjlhYTLkvjabMeXGtEQYjREREtch3x4FLiYZjfx/j8w6vGalgmCa/ECgpqf6rsDIYISIiMsO6Pcab+l/HGrMRDglG5JmRCoZpgJqx8BmDESIiIjMk3TP8qdEAY/oZn3dMMGIMjCrKjAA1Y6iGwQgREZEZMh4Y/qznBfjJ1vaozgWsQM2Y3stghIiIyAyZD6fT+nk7PvOgLGAte97R7VOLwQgREVElBEEwBiM+gKuLBm6uhseOLmCtx2CEiIio9ssvBIpLDMfiEI0jp89WmhnxcGyBrVoMRoiIiCqRKVvxVApGHLiwWJYsGJFvjCdiZoSIiKiWqSgYcUgB68NgxNsDcHIysegZp/YSERHVLpkPjMelg5GiYqCo2L4Li4nBiKkhGoCZESIiolpHnhnx9zFkInwdeMMX22OqeBUoHYxwBVYiIqIaL6OCzAhg32CkoFCQhl4C65l+DTMjREREtUxFNSOAfetG0rONx+UFI/KiVi56RkREVAtUFozYM/uQlmU8buBn+jXMjBAREdUymTnGugsxGJEXj9rzhp+aaTwO9DP9GgYjREREtYwiM+Jj+NNRC4vJMyOB9cpO6wWMC7IBDEaIiIhqhWo1TJNpPC6vZsTZWQN3By5XrxaDESIiokoop/Ya/lQUsObCbtKyjENG5QUjgGNXiFWLwQgREVElxKm9Wq1xpooiM2LHGSvKYZryXycFI5xNQ0REVPNJO/Z6AxrNw0XPFAWs9ltYTHUwwswIERFRzScPRkSOKhJVBCN+5b/OkcvVq8VghIiIqAKCIJgORhxUwCpO7XV1Mb1jr6gmzahhMEJERFSB3HxApzMclxeM2LeA1fBnYD3jkJEpNWmtEQYjREREFTA1rRdwTAGrIAhSMFLe6qsiBiNERES1hKlpvQDg6W6YXQPY72afk2+oAQEqLl4FlMFITjWfUcNghIiIqAKmduwFDEMk9p6xYs6CZyJmRoiIiGoJ5TCNskZDLBK1WzBi5rReAPDxdMxy9ZZgMEJERFSB8mpGAGP2IbtaBiPGY3u1z1IMRoiIqNrS6wUs+kzAnJV65Bc6Zq0MU5vkicQbfm6+oa22ptixt5xN8kQN/YzHd+/bpDlWozoYmTp1Knr16oXevXujd+/emDVrlnQuNjYWAwYMQL9+/bBixQoIgvF/zPnz5zF27FjExMRg6tSpuHPnjnW+ARER1Vqb9gMLPhXw303A1z87pg0VZUbkq7Dao0jU3AXPACAk0Hh8O70WLno2f/58HDp0CIcOHcL7778PADh8+DC2bNmC2NhYbN68GUePHsXOnTsBAEVFRZg7dy7Gjh2LAwcOoGPHjnjzzTet9y2IiKhW+vx740008a5j2pD5wNiGMsM0dl5YzNxN8gBlMHIr1UYNshKrDdPs2bMHw4cPR1hYGAIDAzFhwgTs2bMHAHDq1Cm4uLhg2LBhcHNzw5QpU3Dx4kXcunXLWpcnIqJa5u59AftOGR/n5Dt+mMa/nGEawF7BiPG4smAkOMB4fDvdNu2xFmdL3rR8+XIsX74cUVFReO2119CiRQvcuHEDgwYNkl7TvHlzxMfHAwCuX7+OFi1aSOfc3d0RFhaG69evIzQ0tMznFxUVoaioSNlQZ2e4urpa0twaR6/XK/6kirG/1GF/mY99pY61++urA8aVTwHDKqeO+H+RIQtGfD0FRW2IfDn2zBxBVd2IJf0lrxmp71vx9ZydDAujpWYCt9Mc93Os1Vae91AdjMyaNQtNmzaFVqvFV199hVmzZmHr1q3Iy8uDl5dx8MzLywv5+YYBtPz8fMU58Xxenukwct26dVi9erXiuVGjRmH06NFqm1ujJSUlOboJNQr7Sx32l/nYV+pYq79ivw0G4CY9TknNQUKC/X/FT0kNAuAOAMjOSESJbIdefbEfAEOK4tqNuwjyLFD9+Wr669ZdY1tyMxOQUEk2JtC3EVIzXXEnTcCNG4kwIy6wusjIyEpfozoYadeunXQ8ceJE7Nq1C7///js8PT2Rm2tcnD83NxceHoaQ0cPDQ3FOPO/p6QlTJk+ejPHjxysbWscyI0lJSWjcuLFZEWVdx/5Sh/1lPvaVOtbsr/hbwJl45XOC1hvh4d6m32BDBSWGP52dgFYtmkC+HUzjEOOxp08QwsPN/1xL+iun0PCntwcQ1aLyi4U3Ai4mAsU6Dbz9wytdQt5RLBqmkRM7MDIyEteuXUOfPn0AAPHx8WjWrBkAoGnTpti6dav0noKCAiQnJ6Np06YmP9PV1bXOBB4V0Wq1/AdQBfaXOuwv87Gv1LFGf206IABQDkHk5JuX8re2zBzD8IafN+DkpLy+r6exnbkFGmi1FU+3NUVNf6VmGtoSWM+8vggNNA7NpNzXIChAffvsQdX/1QcPHuDXX39FUVERiouLsWHDBmRnZ6Ndu3YYMmQItm3bhuTkZKSnp2PDhg0YMmQIAKBLly4oLCzEzp07UVRUhLVr16J169Ym60WIiKhuEwQBG34sWwvhqP1VxALW0jNpAPsWsOp0Au4/XJq+smm9IsX03jSrN8lqVGVGSkpK8OGHHyIhIQHOzs6IiorCihUr4O3tjUcffRQjR47ExIkTodfrMWzYMAwdOhSAIdOxdOlSLFq0CEuWLEGbNm2waNEim3whIiKq2c5cAS4nGo4f6wj8dhEoKHLMkuZ6vYCsh1UGpRc8A0qtcppb9rw1ZeYAYg1qZTNpRKGBGoiZm1oTjPj7+2P9+vXlnp88eTImT55s8lzbtm2xadMmda0jIqI6Z+cRY1Zk/BMaXEwQUFDkmMxITr4xAPA3kRmRL3r2IF8AYLthEDXTekWKtUaqcTDCQVAiIqpW5IubxbQ3Tp91RGakoqXgAfsO01Q1GLmdVn1XYWUwQkRE1cq9DONxkL/xhu+IzEjGA+Oxo2tG0jKNx5XtSyMKqW88rs7DNAxGiIioWrmXafhTqwUCfI2ZkYIioKTEvr/dV7QvDWDf5eDlmRFzp+g29Ie0tkh1XoWVwQgREVUrYmakgR+g1WqU2Qc7Z0cyFZmRstkIexawWjJM4+SkkZaFZ2aEiIjIDIIgSMFIQz/Dn/Il13PsXDdSaWbEjoFSaqb5m+TJiXUjdzPsn1kyF4MRIiKqNnLyDcMxgGGIAbDvDb+0yoIRJycNPA2rs9u3gNXP/PeJdSN6vXEIrLphMEJERNWGvHhVrIuQByPVLTMCGNtXHWfTADVj4TMGI0REVG3IgxFTwzT2z4wYhzX8TUztBYxFrPasGQkopy2mhAQaa11upVqxQVbEYISIiKoNRTDib7iJ+ngab6bVOjOSb6h5sRUxGPH3AZydzV9cLVSeGammM2oYjBARUbWRKvvtX6wZcWRmpLJ1RgDjKqw6nbHexRbEYETNEA1QMxY+YzBCRETVhqlhGkXNiCMLWMsbprHDwmfFJQKyHralasGI9dpkTQxGiIio2riXYfzN3WRmxEHDNK4ugLur6dfYIxi5e994rDoYka/CymEaIiKiismnnpqc2ptn32EGcWgkwAfQaEzXachXYbVVEevmg8bjFmHq3lu/HuDycFtcZkaIiKjas2UBpjmUBayGP+U3e3sO0+j1gpSRaFS//NfZOjOi0wn439fG/y8vP6NuZ2CNRiMN1TAYISKiaunu3bt4++230bx5c/j6+uLAgQMOa4sYjLi7GodnvO24GZ1cejZQojMcVxSM+HoZgwNbFNjuOgLcTDEcP/kI0CpcXTACGIdq0rKAwqLqV8Tq7OgGEBGRYxQUFGD69OlYv349SkpKpOc/++wz9OvXzyFtEodpGvgZh0UclRm5I6uvEPd3McXWmZEVW43Bw59Hqg9EAGURa8p9IDy4qq2yLmZGiIjqqF27dmHdunWKQAQAUlMdszKWXi8gNdNwLA7RAI7LjKTIgxEHDdOcvSrg57OG41ZNgIHdLPsceTBSHRc+YzBCRFRHXb16VTqeOHEitA/3mndUMHI/27B/CmCc1gs4LjOSIpvB0iig/IyELQtYFVmRURpotRZmRuob31cdZ9QwGCEiqqOSkpKk4xkzZiAgwDAWkZbmmCpHUzNpAMDNFXByMhzbMzNyx8zMSICv8fj+A+vVY6RlCti4z3Ds5w38aaDlnxXawHhcHYtYGYwQEdVRycnJ0nFYWBgCAw25fIcFIyZm0gCG2hEx+2DfzIgxsKioZkTeVvl3qKrfLgJFxYbjFwYBXh6WZUUAZfvl36u6YDBCRFRHiZkRZ2dnBAUFScFITk4OCgoK7N4esV4EABr6KW+84swau9aMyIdpKsiMyIeUrBmMJN4zHrdvZnkgAiizN/Il7qsLBiNERHWUmBkJDQ2FVquVghEASE+3f2FBeZkRQLYZnaOGaSrIjAT6GY/lQ01VlXjXmMFo0rBqnyXf5ZfBCBERVQt5eXm4f9/wq3/jxo0BAA0aGAsLHDFUcy+z7FLwIjEYyS0wzLqxBzEz4uNZ8RCJi7NGyjxYNTNy13jcJKhqn6Woa8mu2mfZAoMRIqI6qHS9CABFZsQhwYiJTfJE4jCNIAB5dhpBEjMjFWVFRGJ7rRmMJFgxGPH1MhYB32dmhIiIqgP5TBoxM1KtgpFyMiOAfYpY8woEaZquOcFIAz/Dnzn5QH6hdTI3YmYksB7g6V61mhGNRgN/b8MxMyNERFQtyDMjpoIRR6w1Iq+3EG/uInvv3HvXzOJVkTx4khfiWqqkRMCth/FgVbMiIv+HdSPMjBARUbUgz4xUt2EaXy/AzVWZCbB3ZsTc4lWRtaf33kkHdA/3xbFWMCLWjWTlGDbfq04YjBAR1UGVZUYcGYyUrhcB7J8ZkU/rDa5f+RCJtaf3yqf1VnUmjUg+oyYzxzqfaS0MRoiI6qDqlhkpKhakG2TpehEA8PE0BgT2yIyYu8aIqKG/sX3WmN6rnElTtXoRUXWeUcNghIioDhIzIy4uLmjY0PCrtyOn9ioWPDMZjBiP7ZEZuZNu3uqrImsP0ySkGI+ttcOuctl663ymtTAYISKqg8TMiLjgGQB4e3vD1dUVgIODEb+y5xXDNNUxM+JnPL6XUfV6jMR71lvwTCQfpmFmhIiIHCo3NxcZGYZf38V6EcAw/dNR+9NUNK0XKFXAapfMiPFYdWYks+rXt+aCZ6IAX+NwD4MRIiJyKFMLnonEYCQ1NRWCYL8ZF8ode8vWSDgqM6LVGtb5qIy1h2nEYMTVxXRwZgl/eWaEwzRERORIpmbSiMRgpKioCDk59ptyUdHqq0DpzIjtgyQxGAnyB5ycKi8g9fMGnB+ucGqNdUbE2TSNGwJarfULWKvb/jQMRoiI6hhTq6+KHDWjRl5nUXrBM8C+mRG9XpAWPTNniAYwBAxiu6uaGcnKEZD1MA60Vr0IULpmhOuMEBGRA5kzTAPYORjJNB5XWjNi42AkPRsoebjgmDnFqyKx3fcyUaUhLnm9iLVm0gDVezaNs6MbQERE9lVRZsRR03vTMo3Hpmo07LnomdriVZE4vFRUDGTnAvW8Lbu+YsEzKxWvAuWvM7L2WwGuLkB4ENC7o3WGhNRiMEJEVMdUx8xIhqw8RX7TFNkzM5IiD0ZUZEbkw0v3MqoQjMhn0jS0XnDgL2uPPBh5/WMBqZlAWAMg6WvHBCMcpiEiqmPEzIirq6siEwI4LhgRb45eHoCrS9kbope78djWmRHFGiMB5t+crTW9N/GubI0RK2ZGnJ018PUyHIvDNPmFglRwa81rqcVghIiojhEzI/IFz0SO2rlXDEbkRZZyWq0GXg+Hauw6TKOqZkS2JHwVilhtscaISNq592F/J8uGhBpbsVhWLQYjRER1SHkLnokckRkRBEEapvEvJxgBAJ+HwYjNh2nuq1sKXmStzfISbBiMiMFexgNDvycxGCEiInurqF4EcEwwkl8IFBYZjk3Vi4i87ZQZUbsUvMh6wzSGPxv4AR5u1q3hEPu3RGcI6pTBiGPqRQAGI0REdUpFM2kAoH59493XXsGIvJjSv4KiT7GI1daZEYtn08iCkdRMy6b2lpQIuPWw221Rw1F6Rg0zI0REZHeVZUY8PDzg5WWocrRXMCJfDdSczEhxCVBYZLtFu8TMiI8n4OWhooDVz3hs6TDN7XRArzccW3PBM1HpzfKS7tmmWFYtBiNERHXIrVu3pGNTwQhgXGvEbpkRM4MRe03vFTMjarIigHX2p7Fl8SpQduGzRGZGiIjI3uQBRulpvSKxbiQ9PR168dd0G5JnRvx9ys9EyIMRW9WN5OYLyM41HKsNRrw8NPB8OAXZ0poRZTBi/RqOAB/lzr3iMI2bq+ll+O2FwQgRUR2Snm4siJDXh8iJwYher5dm3tiSvGakvKm9gHIVVltlRs7FG49bmE4cVUgcqqksM5KaKeD1j4GDce6K56/fNh6H2yAzIp+tlPHAGIyENQA0GhawEhGRHagJRgD7DNUoClgrmtprh8zIqcvG4y4t1d+cxaGatCxApyu/rmX6cgFLvwSm/6+B4vtfSDC+p1W46stXSj5MczPFmAVy5BANwGCEiKhOkQcj/v4mdqSD/YORjBzjDdicAlbAdsHIycvGtnRpqf79YjAiCIYN90xJvidg2y+G48JiLU5dMZ67cNPwp7OTZZmZysj7N+6a8dgWxbJqMBghIrIxnU6Hfv36ITAwED/99JND2yIGI35+fnB2Nr09mSMzIxUN0/h4GjMVthqmETMjzk5Ah2bq3196fxpTVn8jQF6Kc/aq4U+dTsClRMNxizDTy+JXlbx/42RDUsyMEBHVcqdOncLBgweRnp6OF154ATk5OZW/yUbEYKS8IRrAAZkRRQFr+a+zdWYkr0DAhQTDcdtIyxYck0/vFfd8kSsuEfDJLuVzZx4GI9dvGxd/axOh+tJmkWdGbslW+3fkgmcAgxEiIpu7ceOGdJyUlISFCxc6pB06nQ6ZmZkAKg5G5LNs7J4ZceDU3rhrxjU+ukRZ9hmV7U+z45ByhVfAmBkRh2gA+wQjcsyMEBHVcjdv3lQ8fvfdd3Hu3Dm7tyMzMxOCYKiJqE6ZEXGdEa1WGXCUZuvMSFWLV4HKl4RftcNYkyLuRHwl2TCl+PxN4+vaRtgmU+HhpoG7a9nnGYwQEdVyCQkJisc6nQ6vvPKKXdbwkDNnJg1g/517xWEafx/D7rzlUWZGqrYCqyAI2HVYwM5Dxs85daVqxatA6VVYlW28eFPAwTOG46jGwJh+YlsMU4ov3DS+3laZEcD0UJgjV18FGIwQEdmcPDMirnp67NgxfPrpp3ZthzwYCQgof0UvRxWwVlS8Clh3au+hOGDoGwKG/V3Al/sMQYCYGXGysHgVAIJk3Srf4wYAPtppDDZeHapBZ9lQ0JmrxmEaJydDsGIrpYdqfDyBet41tGbk3Llz6NatG9asWSM9FxsbiwEDBqBfv35YsWKFlA4EgPPnz2Ps2LGIiYnB1KlTcefOnaq1nIiohhAzI+7u7vjss8+k5x0ZjFSUGZEHKrYORnQ6AZkP63krKl4FrLvomXxxs3+sFfAgT1a8GmH5brlhskVtk0sllXYcNvzp7gpMHAx0amE8d+qygIsPr988FHBztV1wUDroc/QQDWBhMKLX67F8+XK0adNGeu7w4cPYsmULYmNjsXnzZhw9ehQ7d+4EABQVFWHu3LkYO3YsDhw4gI4dO+LNN9+0zjcgIqrGBEGQgpHw8HD069cPoaGhAIDExES7tsXcYMTZ2Vlag8TWwzRZucbjiopXAWWwUt4aHuaS74dzNRl44xMBOp3hsaVDNIDhO4g1GfJgpKREkB63a2pY9r59JKDRGH5p330UKBBn0thgsbPSbZSrscHItm3b0K5dO0RGRkrP7dmzB8OHD0dYWBgCAwMxYcIE7NmzB4BhWpuLiwuGDRsGNzc3TJkyBRcvXlRs2EREVBulp6cjN9dwxw0PN9xlGjVqBAC4e/cudOId0E5tEVUUjABAw4aGO5StgxFzV18FDPUY2od3rVtVTNjcz1bWc3ywzXjc1cLiVcCwpLqYHZEHI3dku/GK5709gcjgEgDKacC2rBcBqmcwYnrFmwpkZmbiyy+/RGxsLJYtWyY9f+PGDQwaNEh63Lx5c8THG/Jg169fR4sWxnyUu7s7wsLCcP36dek3BLmioiIUFRUpG+rsDFdXEyXAtZBY1Gbv4raaiv2lDvvLfNboK/m03vDwcOj1egQHB0ufm5KSIgUntiYfcvH396/wezVo0ACXL1/GgwcPkJeXB3d393JfK7Kkv+QZDn/vit+r1Ro2r7udBiTfq9r/l4oyK9EtBOj1lhfIhjUArt0CsnKArBw9fDyVu+OGNTC0Xa/Xo02TIly/46J4f6tw2/799PdWPm7c0LbX02orz3uoDkZWrlyJcePGwcdHGcLm5eXBy8tLeuzl5YX8fMOgXn5+vuKceD4vz3QF0rp167B69WrFc6NGjcLo0aPVNrdGS0pKcnQTahT2lzrsL/NVpa9OnDghHfv6+iIhIUHx7+epU6fQvn37KrXPXPJC2qKiojKzfOTk/2afOXMGISEhZl9HTX9duuYOwDCVw0nIREJCVoWvD/QJxu00N9zNEHAtPhEuqu9iBrfuNgBQdh6xk1aAn0sSEhIsD0b8POsDMNzxT8TdQrOQEpw57wnAkBLxcs5AQoIhGmob7otvjivvjwFut5GQUGzx9Suj0fsCMM5B9tCmISEht/w3VJF8FKU8qv43Xrp0CRcuXMC8efPKnPP09JRSkQCQm5sLDw9DtZGHh4finHje09P0hPLJkydj/PjxyobWscxIUlISGjdubFZEWdexv9Rhf5nPGn0l/lIGAJ06dUJ4eDiiopQraonDN7Ymzzi3a9euwuvKz7m6uprVRkv6y1m2P0pEmB/Cw/0qfH3TMODcDUAQNHDzCbd4iKGgxHjcow3w6wXDcdtIDVq2aGLZhz7UKhLAUcOxziUU4eFA4XHj+fYt/REe7v8wM6IcBtNqgT7dQ+DhVqUmVCiy1EydTq0DER4eaPrFdqIqGDl9+jQSEhIwZMgQAEBOTg6cnJxw69YtREZG4tq1a+jTpw8AID4+Hs2aGeZGNW3aFFu3bpU+p6CgAMnJyWjatKnJ67i6utaZwKMiWq2WNwsV2F/qsL/MV5W+kmcfIiMjodVqFcPTd+/etdv/h/v3jUt/NmjQoMLrBgUZF55IT09X1UY1/ZWVIwB4uBCbr6bCdUYAIKyBcTjhdpoG4cGW1XdkPDB8jo8n8M8pGgz8f4Y29Ghj3rBCRRo3NH6n22mG75Scamx3k4bG79kmXFmS0LQR4OVh25+HQF9j+wAgPLjyfrc1VcHIc889h4EDB0qPly1bhpCQEEyaNAlxcXF4++23MWjQIHh4eGDDhg0YM2YMAKBLly4oLCzEzp07MXjwYKxduxatW7c2WS9CRFSbyIORiIgIAFDUiNy+fdtubRELWF1dXcsMnZcmXxL+3r17FbyyatQUsAJAaKAG4o20KkWs4myaAF9gQFfgnVc0OHlZwBt/qvpN2dT03mTFPjDG4/q+eoQGGr9L28pHNKqsdAGrvL2OoioYcXd3VxQxubm5wcPDAz4+Pnj00UcxcuRITJw4EXq9HsOGDcPQoUMBGH7wly5dikWLFmHJkiVo06YNFi1aZN1vQkRUDYl1Gi4uLlIQIg9G7LnmknyTPI2m4puuOJsGsO2MmowHxt/QK5vaCwChshvnLQubJQiCYqE1jUaDuc8DgHWyA4pg5J4AQIOkh/GcRgOElBoR6dTCGIzYeiYNoOznwHqAp7tjsyKABQWscm+99Zbi8eTJkzF58mSTr23bti02bdpUlcsREdU4YmakSZMmUvpfXgzqqGCkMnbLjMjW+zAnGJHf6G+lGW70auXkAyU686+pVpgs8yFmRMRgJMgfcHVRtjm6BfDtMcOxrfakkZMvelYdpvUCXA6eiMhmMjMzkZVlmB0iLwBt2LChFJjYa5gmPz8fBQUFAMwLRuyVGblfampvZUIrWOHUkmvaIhgJrAe4Ppytm3QPKC4RpKXhw0zc/Kc8BTQLBbq1Aob1tn57Sguub1xa39Jl762tSpkRIiIqn6l6EQBwcnJCw4YNkZKSYrfMiJoFzwBlMGLLzEiGLDNiXs2I8djSYRpFMGLGNdXSajUIDRRw444hYLqTbtgMDwAam6jPaBIEXN2oqXTozFo83DT46i3gx5MCXhvl+CEagJkRIiKbka/rUXpqrDhUk5KSYpdVWNUGI/K6EptmRh4GIx5ugLsZ+8F4eWjg9zCDYmkBq9qhIUuIwx8ZD4DLslX/TWVGANgtEBEN7qHB8plaNA5iMEJEVKvJMyOlgxGxiFWn09llZ1xzd+wVOTk5SUGLPWbTqAkKxKGaW6lQbMiq9poAEOBjm5uxvLZFXMMEABo3rB43/+qGwQgRkY3IMyPyYRrA/jNq1GZGAGMRq21n0xj+VDNcIg7VFBQpAwtz2bpmBCgVjJwXTD5PRgxGiIhspKLMiHxGjT2KWC0JRsS6kdzc3DKraFtDfqEg7VRrTr2ISDG914Kkkj2GacJkGRBlZsQ216vpGIwQEdmImBlxcnJCWFiY4lxNyowAtsmOZFgYFIRVca0R+Y69tihgBZRtlGdimBkxjcEIEZGNiJmR0NBQODsrJy/WhGDE1tN7LZ3VYliF1cCSzIjaGTyWMBV0mFrwjAwYjBAR2UBOTo4UAJSuFwFqxjCNrRc+U7sUvCi0zAqnll/XHjUjIlMLnpEBgxEiIhuoqF4EYGYEKD1MY/5NWrHWSDWtGQkKAJydlM+xXqR8DEaIiGygsmAkKChIWlvC3pkRc6b2AnbIjFg4XCJfq8OymhHDn+6uhgXAbEGr1SgyOADrRSrCYISIyAbu3r0rHcuHZEQuLi7Szd6emZF69eqVqV8pT3WtGZEvt27JkvDyHXttqXTwwcxI+RiMEBHZgDwYCQoKMvkacagmJSUFer3epu1Rs0meyNaZEbU79oo0Gg1CHn4Ni4ZpZDv22lLZYIT1IuVhMEJEZAPyYESeYZATg5Hi4mLFMIq16XQ6ZGRkAFAXjNg8M1KFWS3iUM39bMN6JebKLxSQX2g4tndmpLyl4InBCBGRTcgzCeVlRuTDN7YcqsnKypKWTVcTjAQEBEi7C9smMyK7lsrAQF7EeltFdqQq11QrrIEyE8JhmvIxGCGiWiU/Px9XrlyxaM8Sa1KTGQFsG4xYMpMGALRaLQIDDXd9W9eMqM2MyIMRNXUjtt6xV650JoQFrOVjMEJEtYZOp0OXLl3QsmVLrFy50qFtETMJbm5u8PU1/Su4vdYasWQmjUisG7l3757VAzxxmEajAep5qXtvqCzroGZGjT3WGBHJMyFc8KxiDEaIqNa4du0aLl68CAAOD0bEzIh8Cm9p1T0zAhizOgUFBRbtTyMIAsYt1KPNn/T4PV5QPJ/ysFl+3oapsGqEWbg/zX0L1zaxhLyNwQGAizMLWMvDYISIag35Df3ChQuKXXPtSafTIS3NcIcsb4gGUAYj9sqMqA1Gqjqj5swVYNN+4GICMH+NMRg5f8M4vNKxueqPVW6Wl1p+xqagUMCba/RYtcPwGnssBS8KDgC8PAzHLcIqfm1dx2CEiGqN0jf0PXv2OKQd6enp0lTd8opXAfsVsFojMwJYVjeSKItfvjtu3KRu2y/G5597TH3GwNyakY93Af/6HJi+XMBPZwS71ow4OWmw6i8aDOgKLJ7KrEhFGIwQUa1R+obuqGDEnDVGACA4OFg6tlYwYqquw5GZEflMl+ISYOtPhuNtvxjbOexR1R+rqL+oaJjm4BnjdXYfEXDfwrVNLPWnQRr8uFyLmPYMRirCYISIao3SN/QDBw4gPz/f7u0wZyYNALi6ukrBgTWGaaZOnQpXV1esWrVK8bwjMyO305TB0cZ9Aq7fFhB3zfC4WyugcZD6G7WriwYN/AzHd8pZokUQBBy/YHz8wwn7zqYh8zEYIaJao3Qwkp+fj59++snu7TBnjRGROFRz586dKs1Wyc/Px5o1a1BSUoLZs2fjypUrAAw3ZPEYcEBmpFSg8PNZ4P2txu9pyRCNqNHDr3I7zXRGKPEukHLf+PiPG4b/RPbIjJB5GIwQUa1haqjj22+/tXs7zM2MAMYi1qKiImmVVEukpqZKN+SioiJMnz4dgiBg06ZNOHDggNSW0NBQVZ9b9cxI2efe/9p4/Fwf1R8pEYdqikuA9Kyy5+VZEdHhc8ZjBiPVB4MRIqo1xGDEzc0NLi6GndS+/fZbuy+AZm7NCGC96b3i7B3R/v378d///hczZsyQnnv//felfjGXtWpGtLK7jfi/o20kENXY8sxIiCzJUzoDAwDHL5T//93JCfDxtPjSZGUMRoio1hBv5mFhYXjssccAADdv3sSlS5fs2g41wzTWCkZMZS3mzp0rZVvGjh2LMWPGqP7cKmdGHgYJTRoC3Vsrzz33mOqPUwipZEn44xeNx57uynMBPih3/ReyPwYjRFQr5OfnIyvLkKtv1KgRhgwZIp2z91CNJcM0QNWKWOWBgoeHR5lrfPjhhxZ9rp+fH5ycnACoz4wUFgnS8ElIIDD+CeXNf3jvqgUDIYHG95cuYi0uEXDqsuE4shEwqJvyPIdoqhcGI0RUK8izCo0aNcJTTz0lPbb3FF8xGNFqtZUWjNoiM7Jw4UJ4e3tLj9esWaN6GXiRVquVhmrUZkbkAUJIIDCmn3G4JiIY6NTCoiYZP1M+TFMqM/J7PFBQZDju0RYY2F0Z+HAmTfXCYISIaoXSwUhUVBQaN24MADh16pRd60bEDEJgYKCUVSiPLWpGOnXqhPXr16Ndu3ZYsmSJIktkCXGoKSUlBTqdzuz3yQOEkPpAUIAGS1/VoF0ksGKWpsrDJMphGuX/X/kQzSOtNcyMVHMMRoioVigdjGg0GrRq1QoAkJ2dXabA01YEQVDsS1MZW2RGAgMDMWzYMPz++++YM2eOxZ8patKkCQCgpKQEKSkpZr/vtiIzYgg8/jJGg98/0+LZR6ter6EIRkoN0/x63hicPNIGiAzRoLlsIpGtl4IndRiMEFGtUDoYAYDmzY2bnly7ds0u7cjOzkZRkWF8wFHBiHwGjDWEh4dLx4mJiWa/T5EZscGOtUH+ht1wS18LMGZGXJyBTg9/DAbKsiMcpqleGIwQUa0gv5GLC4m1aGEsSrBXMKKmeBUAPD094etrGDOorsGImBkByg9Gjv4uYPpy4Kk3G+HoH4bn5EMntghGnJ01aOgvXsv4fMYDAZcfNrNTc8DdzRCxDOlpzMY0bsiZNNUJgxEiqhUqy4xcvXrVLu1Qs8aISGyvNYIRHx8fuLm5Wfw5psiDkYSEBJOvuZBg2JTuYqKrMRiRD9OoW/jVbOLnptwH9HpD8HNCXi/Sxng8pAcwZxwwbgAwabBt2kOWYTBCRLVCdRmmUbPGiEhsb25uLh48eFDJq00Ta2KsnRUBys+MpKam4sKFCygqKkKvdsbXGzMjxudskRmRf26JDkh7OI1YXrzao40xA6LRaLDkVS02LtAi0I+ZkeqEwQgR1QpiMOLq6ipNY42MjJRmbFTXYRqg6nUjJSUluH/fsAmLPYORLVu2oG3btvD09MTpI1/C7+Fs4mPnDYW8YjDi6Q74elm9WQBML3x24qKyeJWqPwYjRFQriDfx4OBgKQBxd3eXbqSOCEbUZkYAy4IR+a68tghGgoOD4ezsDEAZjFy+bFhVTKfToXFYqHTjv5cB3LhjHKYJqW+71U5NrTVy7rrhTx9PoJm6rXjIQRiMEFGNV1xcLNVMyG/sgHGoJiMjQ3HTthX5MI29MiOlp/Vam5OTk7RmizwYkS+z36pVK/Rsa3zPvpNAVo7h2FZDNIbPNgY5t9OBrBwBCQ9nH7dvyiXfawoGI0RU48mzEeUFI4B9siOOyIzYciaNSMwwZWRkSHUtYmakXr16aNiwoSIY+fpn286kETUqlRn544bxcfumtrsuWReDESKq8UwVr4ocGYyYmxkRpyIDlgUj8gXdbB2MAIbsSF5enjSzplWrVtBoNOjeGtBqDEHIgdPG99pqJg1QdhXWc/HGxx2aMStSUzg7ugFERFVVUTBi77VGxGGaevXqmT3FtiZlRgBDMFJSUiI9btmyJQBDkWpUWDEuJbmiRLZqvHwoxdpK14xotcaMDDMjNQeDESKq8eS73VaUGbHHWiNqloIX1cRgJDs7W3osLrsPAJ2bF+JSkqvivbYcpmnob9h8T68H7twH7stmRrdjMFJjcJiGiGq8ijIjTZsa70i2zozk5+dL9RRqghFfX194eHgAqL7BSOkl4cV6EaBsMFKaLYMRJycNgh9uSHwr1Vgz0rgh4O/DYZqagsEIEdV4FQUjHh4eCAsLA2D7YMSSmTSAYcZHVVZhtfVsGqBsZkQ+k0YcpgGAzi1MBCM2rBkBjMHOnXTjDB4O0dQsDEaIqMarKBgBjHUj6enpyMjIsFk7LJlJIxLbnZGRgYKCAlXvtUcBqzi1FzAsCS8GI05OTmjWrJl0LrxhCRr4Kd/byNbBiInP79Cs7HNUfTEYIaIaTwxGtFqtyYyEvG4kPj6+zHlrsTQzAiiDqJSUFFXvFTMjbm5u8Pb2VvVec3l7e0sr2968eVMapomMjFQU6mo0QA/ZFF9fL8Db07bDJaaCnfZNOURTkzAYIaIaTwxGGjZsCCcnpzLn7VXEao3MCKB+qEYMRho0aGDTRb7EoZqkpCTk5eUBUNaLiHrJghFbD9EApmfrcJimZmEwQkQ1mk6nk4IAU0M0gPXXGjl27BhGjhyJDRs2SM8JgoADBw5Ij+0VjAiCYNNN8uTkRawieb2ISJ4ZsWXxannXcHEGWjYx/VqqnhiMEFGNlpaWBp3OsKhFecGItdcaee211/D1119jwoQJeOWVV1BUVIQ5c+Zg48aNAAAXFxd0795d1WeqCUYuXryITZs2oaSkBJmZmdKaH7YORuRFrCJTmZHurYDwYMNx32jbD5eUzr60agK4unCYpibhOiNEVKNVVrwKWH9678WLxj3qP/74Y+zdu1dajVSj0SA2Nhahoep2aDM3GLl58ya6d++OnJwcnD17FlOmTJHOOSIYMZUZcXcDjq3U4GIC0KeTTZsEoGxmhMWrNQ8zI0RUo926dUs6li+rLufl5SWdq2rNSFZWlmLBLwBSIAIAn3zyCZ5//nnVn2tuMDJ//nzk5Bjmr65Zs0ax4JutpvWKzM2MAECjQA36ddHAyckOmZFSX5vFqzUPgxEiqtGSk5OlY/n009LEupHU1FRkZWVZfD35rrU9e/ZUZEBWrFiBl156yaLPNScYOXXqlKJOJT09XfHY3pmRgIAAmwdA5gisBzjL6pZZvFrzMBghohpNHoyIi5uZIl8L4+bNmxZfLykpSToeMGAATp06hUWLFmH37t2YNWuWxZ9bv359ODsbRs5NBSOCIGDOnDllnl+/fr10bO9gpGXLljadvWMurVajmN7LYZqah8EIEdVo5gYjERER0nFVghF5ZqRJkyYICgrC/Pnz8fTTT1v8mYBhjZTgYEPVp6lgZM+ePTh48CAAQw2MuOaHfIE0WwcjwcHBcHFxkR6XN0TjCNEPa5SbhQKhtu0GsgEGI0RUo8kzFfYIRuTXq2hYyBLiUM29e/cUu+KWlJRg7ty50uP//Oc/GDVqVJn32zoY0Wq1iu9sqnjVUVb+RYN3XtFg52JNtcjWkDoMRoioRhMzI15eXvDz8yv3dZGRkdLxjRs3LL5e6cyINYnBiCAIilVY9+3bhwsXLgAAHnnkEYwcORLjx48v835bByOA8jtXp8xIaAMN5j6vQdtIBiI1kepg5N///jcGDRqEPn36YMyYMfjll1+kc7GxsRgwYAD69euHFStWQBAE6dz58+cxduxYxMTEYOrUqRZtBkVE1Yv877ijri8GI2FhYRX+RmyLYRprZ0bkbZQHTH/88Yd0PGPGDGg0GsTExJS5vj2CEXk2pH379ja/HtUNqoOR8ePHY/fu3fj555+xYMECvPnmm8jMzMThw4exZcsWxMbGYvPmzTh69Ch27twJACgqKsLcuXMxduxYHDhwAB07dsSbb75p9S9DRPazcOFCeHl5YenSpQ5rQ1ZWFnJzcwFUPEQDGKb9igWi1him8ff3t/o+MOWtFCvfT0dcwE2r1SqmEDs5OVWYGbKWuXPnYtiwYVi6dKli/RaiqlAdjERERMDV1RWAYXGfkpISpKamYs+ePRg+fDjCwsIQGBiICRMmYM+ePQAM09FcXFwwbNgwuLm5YcqUKbh48aJifQAiqjkEQcB///tf5Ofn44033sCVK1cc0g5zi1cBw81aHGKwNBjR6XTSNa09RAMoV4qVr4ciD0bks4LkwUj9+vWh1dp+5L1p06bYvn07/vrXv9r8WlR3WLQC63/+8x/s3r0bhYWFiImJQfPmzXHjxg0MGjRIek3z5s2lv0DXr19X/CVzd3dHWFgYrl+/bnKVwqKiIhQVFSkb6uwsBUG1nV6vV/xJFWN/qWON/kpNTZUW3iopKcHrr7+OrVu3WqV9asiHTEJDQyv9TpGRkbh+/TqysrKQnp4Of3//Cl9fuq/u3LmD4uJiAIYhGmv/zMkzDVevXpU+X8yS+Pj4ICAgQHq+Xbt26N27Nw4dOoQePXo4/O8A/y6qU1f6y5wg2aJg5PXXX8ecOXNw6tQpxMfHQ6PRIC8vD15eXtJrvLy8kJ+fDwDIz89XnBPPi7s+lrZu3TqsXr1a8dyoUaMwevRoS5pbY8mr9qly7C91qtJfcXFxisfbt2/H119/ja5du1a1WRa3w8PDQ7ESqin16xsXozh27Bjatm1bwauNxL46e/as9Jyfn1+l17OEk5MTdDodLl68iISEBBQXF0tBV5MmTRQBGGBYaO3EiROIiYmxSXsswb+L6tT2/pIXj5fH4r1pnJyc0L17d3z55Zdo3LgxPD09pbFbAMjNzYWHhwcAwz8S8nPieU9PT5OfPXny5DKV4nUtM5KUlITGjRvbJe1a07G/1LFGfx0/frzMc++++y4OHTpk12mV4i88ANCxY0eTu8rKtWvXDps3bwYAFBYWVvr60n3122+/Sefatm1b6fstERERgfj4eCQmJqJJkyaIj4+XNgJs1apVmWuGh4ejY8eOVm+HJfh3UR32l1GVN8oTx1AjIyNx7do19OnTB4BhjFMc22zatKkihVtQUIDk5ORyi59cXV3rTOBREa1WW+d/QNVgf6lTlf6S/3Yu/iZ/7NgxbN++HSNHjrRWEyslrztr0qRJpd9H/htaYmKi2d9f7Cv59cLDw23y8yYOcT948ADp6emKWTXNmzevET/j/LuoDvtLZQFrTk4O9u7di7y8PJSUlGDfvn04efIkoqOjMWTIEGzbtg3JycnSfglDhgwBAHTp0gWFhYXYuXMnioqKsHbtWrRu3Vr1rpZEVD3IC0DfeOMNxbE9p/uqKWAFqr7WiC2n9YpKF7GWV7xKVJuoDsW2b9+OIUOGoH///oiNjcW//vUvtGzZEo8++ihGjhyJiRMnYuTIkejRoweGDh0KwJDpWLp0Kb788ks8/vjjOHPmDBYtWmT1L0NE9iG/kc+YMQO9evUCYLh5lq5psCUxGHF3d5eWR69IVdcaseWCZ6LS03sZjFBdoGqYxtvbGx9//HG55ydPnozJkyebPNe2bVts2rRJXeuIqFoSb+Senp5o2LAhevXqhaNHjwIwBCS2qKUwxdwFz0SNGjWCi4sLiouLLQpGxEJDrVaLkJAQ1e83B4MRqovq9iAVEakmCIJ0I4+IiIBGoyl3fQxbys7ORnZ2NgDzh0y0Wq0UKN28eVP1kJKYGZEvoGZt5QUjLi4uZg1FEdVEDEaISJV79+5JO8WKwx5RUVHSeXstgKa2XkQk1o08ePAA9+/fN/t9BQUFuHfvHgDbDdEAhvaJxYxXr17F9evXpeednJxsdl0iR2IwQkSqyOtFxGDEEZkRS4MRNXUjqamp+OWXXxQrrwK2K14FDDV2YvYmLi5OWo+JQzRUmzEYISJV5Ddw8cYeEhIirRtUW4KRpKQkREdHY9KkSfjTn/6kWFDMlpkRwDhUU1JSIj3HYIRqMwYjRKSK/AYuDnloNBrpBnr9+nXFTdRWbBmM5ObmYujQodLu4l999RXefvtt6by9ghE5BiNUmzEYISJVTA3TAMa6kZKSkirtimsu+RLaaoZNKltrRK/XY9KkSThz5ozi+f3791t0PUswGKG6hsEIEaliapgGsH/diK0yI4sWLZJWjPbx8cHjjz9e5jXMjBBZF4MRIlJFvIF7eXkpNp5zVDDi6uqKwMBAs98XFBQENzc3AGWDkfj4eLz11lsADENPGzduxIoVK8oEArYORuR9KTJnszGimorBCBGZTa/XS4WckZGRioXG5DdQe0zvVbvgmaiitUZOnTolHb/22msYMmQIvL298fnnn0vTan18fMxa7bUqSvdtaGiotPEoUW3EYISIzJaSkoLCwkIAyuEOQLnWiK0zIzk5OcjMzASgbohGJGYZcnNzkZaWJj0vX+69W7du0nGPHj3w6aefonnz5li8eLHNdyZ2d3dX1KWYGrYhqk0YjBDVICUlJVi5ciX27NnjkOuXVy8CAA0aNICvry8A2wcj8t1zLQlG5G2XF7FWtPfMxIkTcfXqVcycOVP19SwhD0BYL0K1HYMRohpk9uzZmDFjBp599llcu3bN7tevKBiRLwufkJAgZVBswdKZNKKmTZtKx+YGI/bGYITqEgYjRDXEb7/9hpUrVwIAdDodfvvtN7u3QX7jNlVQKQ7V6PV6aRlzazl9+jT+/Oc/o2vXrhgyZIj0vCWZEXkwIt+ITgxynJyc0KhRoyq0turatm0rHbdu3dqBLSGyPdvs9EREVlVSUoJp06Ypii3ttdKpXEWZEaDsjJqq3kRLSkrw2Wef4aOPPsLJkydNvqZLly6qP1cejMiDJjEzEhoaCicnJ+j1etWfbS0TJ07EgQMH4Ovri6efftph7SCyBwYjRDXA//73P5w9e1bxXHUbpgGsP713zpw5eO+99xTPaTQatGrVCt27d8fQoUPRo0cP1Z8rH/YQg5G8vDypmNXRQzQAUK9ePezYscPRzSCyCwYjRNVcUlIS3nzzTQCGG7GYHXFEMCIO0/j4+MDf37/MeWtP7923b590HB0djWnTpmHMmDHw8/Or0ufWq1cPAQEBuH//vjRMI69DqQ7BCFFdwmCEqJr7xz/+gdzcXADAtGnT8M033yA5OdnuwYhOp5OGMUqvgyGyZmZEEAQp+GnRogVOnTpl1Sm1TZs2xf3795GUlISioqJqVbxKVNewgJWoGhMEAXv37gVgWPF08eLF0g0/LS1NWmvDHm7evIni4mIAypoLuYCAAGlV1qoGI6mpqVIQ1rRpU6uv7SEO1QiCgISEBAYjRA7EYISoGktISJB2ju3Zsyf8/f0VUz7tmR25cOGCdCyf6VGaGCwlJycjLy/P4uvJC0vLC36qonQRK4MRIsdhMEJUjR05ckQ6jomJAQCHBSPnz5+Xjtu0aVPu6+RDNVVpn3wasa2Dkfj4eAYjRA7EYISoGjt69Kh03KtXLwCOC0bMzYzIl4W/fPmyxdeTZ0ZssUkcMyNE1QeDEaJqTAxGNBqNNIXV3rvjisRgRKvVKgKO0uRri1y8eNHi69l6mKb09F4xGPH19UW9evWsfj0iKh+DEaJq6sGDBzh37hwAoH379tK+L/Ibs70yI3q9XgosmjZtWuEOstYKRmw9TBMWFgZnZ8OEwmvXrklTe5kVIbI/BiNE1dTx48elFUDFehHAMKsmJCQEgP2CkYSEBKkYtaJ6EcAwjOTk5ATAOpkRf39/m2QqnJycpIXbLly4IO2lw2CEyP4YjBBVU/LiVbFeRCTWjdy7dw/Z2dk2b4u59SIA4OrqKg2BXL582aIl1YuLi6VMhS2yIiKxnTqdTnqOwQiR/TEYIaqm5MWr8swIYL0ZK+aSByOVZUYA41BNQUEBEhISVF8vMTFRCmJsGYyY+mwGI0T2x2CEqBrS6XT49ddfAQDBwcFl9oGx94wac6f1iqpaN2LrmTQiBiNE1QODEaJq6Pz589LwS69evcqsPmrvYETMjIib1FWmqsGIrYtXK/psBiNE9sdghKgaqmiIBrBvMCIIghSMREZGwtPTs9L31JTMiHx6r6hx48Y2ux4RmcZghKgcOp0OBQUFDrl2RcWrgPImauu1RhITE6U9YswZogGgyJ6YG4wUFxdLOxLbeo0RUelAR6PRIDQ01GbXIyLTGIwQmZCUlIQmTZogLCzM7rvj6vV6HDx4EADg5uaGzp07l3mNj48PgoODAdg+M6JmJo3Ix8cHYWFhAAzBiBhklOcf//gHXF1d8dprrwEwDtNotVqbDpv4+voiMDBQehwSEgIXFxebXY+ITGMwQmTC8uXLcfv2baSnp2Pz5s12vfYvv/yCW7duAQAGDBgAV1dXk68Th2pSUlKQk5Njs/aonUkjEodqMjIycO/evXJfl5aWhrfffhsAsGLFChw6dEjKjISFhZX7/a1FnmVivQiRYzAYISolNzcX69atkx5XZX8VS2zYsEE6Hj9+fLmvk9eNxMfH26w9lgYj5g7VbNy4EcXFxdLjGTNm4P79+wBsO0Qjkl+DwQiRYzAYISpl06ZNyMrKkh5fuXLFqp9/9+5dXLt2zeRiYIWFhdi6dSsAw0qrzz77bLmfIw9GbFk3Ip/Wa85MGpG5Raxr165VPP7999+lYwYjRHUDgxEiGUEQsHLlSsVz1gxGLly4gMjISLRo0QJ+fn7o27cvFi5cKA2zfPfdd8jMzAQADBs2DF5eXuV+lnzhs6pmb/Ly8vDf//4Xu3fvVjwvn0kTEREBb29vsz/TnGDkzJkziIuLAwBF7YbIljNpRC1btpSOTc2uISLbYzBCJHPixAmcPn1a8dz9+/eRlpZmlc//8ccfkZ+fD8CwEd7PP/+Mt956C8OHD0dJSQk2btwovbaiIRoAaNeunXQs3tAt9f7772POnDl49tlnsX//fun55ORkPHjwAIC6IRrAvGBEnhVZtGgR+vXrpzhvj8zIyJEj8fTTT+OJJ57AuHHjbH49IiqLwQiRjDwr0qBBA+nYWtmR5ORk6TggIEA63rdvH2bNmiVlJgIDAzFgwIAKPysqKgpubm4Aqh6MyIdGXn31VWlK89KlS6Xn5cGPORo2bAh/f38AwKVLl8qcLygokOpj3N3dMW7cOMX1APsEIx4eHti9ezd++OEHaWdkIrIvBiNED6Wnp+Orr74CAPj5+UnTTAHrFbGKm78Bhl15Dxw4IG1jv2rVKikIGDNmTKVTTJ2dnaUA4erVq9JaIJZISUmRjq9evYp33nkH+/fvx//+9z8AhmBhypQpqj5To9FI2RF5hkW0a9cuZGRkAABGjBiBevXqoXPnzpg4cSIAwNvbW3U2hohqJgYjRA/FxsZKwcCkSZPQqVMn6Zy1MiPyYCQsLAyPP/443n333TKvq2yIRtSxY0cAhtqOP/74w+J2yYMRAFi8eDFeeOEF6fF//vMfREVFqf5c+VBN6eyIfMbSiy++KB1/9NFHWLlyJQ4ePMhMBVEdwWCECIab+SeffCI9fuWVVxSFjdYepmnQoAHc3d0BGKayTpo0SXpNZGQkevToYdbnyQOmqgzV3LlzR/G4qKgIt2/fBgA8/vjj+L//+z+LPlcejMinCGdmZuKHH34AYCiM7du3r3TO3d0dr776Krp27WrRNYmo5mEwQgTDQmNiwNG3b1+0bNkS4eHh0oJb1him0el00mJm4uqkgGE4Y9WqVXjyySfh7OyMRYsWldkYrzxiZgQAzp49a1G7CgsLpeGSjh07Ijw8XDrn4+ODdevWQau17J+K9u3bm2xfXFycNLV5yJAhFn8+EdUO/BeACFBkRaZOnQoAcHJyktbyuHbtGnQ6XZWukZKSIn1G6c3Y3N3dsWfPHuTl5Zk9RAMAHTp0kI4tzYzcvXtXOm7WrBlWrlwpBQcffPCBIjhRKzo6Wjo+c+aMdCxvqzy7Q0R1E4MRqvPS0tKkhcbq16+P5557Tjon1kkUFhYiMTGxSteRz6SRZ0ZEGo1G9b4ofn5+UrBw7tw5kwupVUY+RNOoUSMMGTIEv/32G44dO6aoG7FEgwYNpI3nzp49K+1RI8+SyLM7RFQ3MRihOu/zzz9HUVERAEPhqjhdFoBV60bkxavW3KZevJnn5ORIG8ypIS9eFTff69Kli9l1K5URMx9ZWVm4efMmAGNmRKvVqp4yTES1D4MRqtNKF66+/PLLivPyGSTVPRgBLBuqMRWMWFPpoZqSkhJpifmoqCh4enpa/ZpEVLMwGKE67dChQ1Jxap8+fRSZEEAZjFS1iLWyYRpLVXVGTelhGmsrHYxcvnwZhYWFADhEQ0QGzo5uAJEjrV+/XjqeNm1amfM1aZgGsGxGjb0zI/LpvgxGiAhgZoTqOPlCYaZ2yA0MDISfnx+AqmdG5MGIWNRpDZGRkdIGdtVxmCYiIgL16tUDYAiWWLxKRKUxGKE67erVqwAMwyamdsjVaDRSdiQxMVHa5M4S4jBNw4YNFUWyVaXVaqUpvgkJCdKuv+YSh2k0Gg0aNmxotXaJNBqNNJR069Yt7Nu3TzrHYISIAAYjVIdlZGQgPT0dANCiRYtyXyevG7l27ZpF1yopKZFWNLXmEI1IflM/d+6cqveKmZHAwEDVU4vNZWq9kfr16yMkJMQm1yOimoXBCNVZ8fHx0rG4uJkp8roRS4dq7ty5I60BYs3iVZGlM2oEQZCCEVsM0YjkwYioU6dOZq80S0S1G4MRqrPkWY6KghFrTO+Vz6SxdWbk999/N/t9GRkZ0hortphJIzIVjHCIhohEDEaozhLrRQDzgxE1N3q50rv1Wpt8hsrFixfNfp+ti1dFrVq1KlMnw2CEiEQMRqjOMjcz0qZNG2m2ysGDB6UlzdWw1bReUb169aT6C0uDEVtmRlxcXMqstMpghIhEDEaozpIHI82aNSv3dS4uLujTpw8Aw6Zy4uqhath6mAYwZkfS09ORmppq8jWZmZlYt26dNNwkX/DMlpkRQDlU4+LiosjmEFHdpioYKSoqwsKFC/HUU0+hT58+mDRpkqJyPzY2FgMGDEC/fv2wYsUKxW+Q58+fx9ixYxETE4OpU6cq/hEkcgQxGAkJCTE5rVduwIAB0rF8aqq5bD1MA1Q8VCMIAj7//HO0bNkSL730EsaMGYPs7Gy7DdMAymCkTZs2cHV1ten1iKjmUBWM6HQ6hISE4NNPP8XBgwcxbtw4vPbaa8jLy8Phw4exZcsWxMbGYvPmzTh69Ch27twJwBDEzJ07F2PHjsWBAwfQsWNHvPnmmzb5QkTmyM7Oxr179wBUPEQjqmowIs+MWHPBM7nygpGbN2+ib9++mDhxovSds7Ky8N1339ltmAYwbL4nki9hT0SkKhjx8PDAyy+/jODgYGi1WgwaNAguLi5ISEjAnj17MHz4cISFhSEwMBATJkzAnj17AACnTp2Ci4sLhg0bBjc3N0yZMgUXL17ErVu3bPKlqPpLSUnBsWPHpP/s/bNgbr2IqG3btggKCgIA/PTTTyguLlZ1PTEzEhQUZLOMQKtWraTjS5cuSccTJkzAL7/8Uub1u3btsuswTffu3TFhwgS0bNkSr732mk2vRUQ1S5X2pklMTER2djYaN26MGzduYNCgQdK55s2bS+s4XL9+XbGolLu7O8LCwnD9+nWTvyUWFRVJ0w2lhjo715m0rrgehfhnbXPkyBH07dtX8f00Gg2+//579O/fX/XnWdJf8im6zZo1M+u9/fv3x8aNG5Gbm4tjx47h0UcfNetaxcXF0k2/cePGNvv/Kl8P5cKFC9Dr9UhLS8ORI0cAGIKNjz76CJMmTUJmZib27NmjKCJt2LChzX/mPvvsM+m4Jvx81/a/i9bG/lKnrvSXVlt53sPiYKSgoABvvvkmJk2aBG9vb+Tl5SnG3b28vKSls/Pz88uMyXt5eSEvL8/kZ69btw6rV69WPDdq1CiMHj3a0ubWSPI6g9pk1apVZf7yCYKAJUuWmJWlKI+a/jp58qR0XK9ePSQkJFT6nujoaGzcuBEAsHXr1goLUQVBwMWLF5GWloaMjAypfiogIMCsa1lCEAT4+PjgwYMH+OOPP5CQkID9+/dL559++ml06NABjz32GHbt2oXs7GwpUHF3d0dGRobqpeTritr6d9FW2F/q1Pb+ioyMrPQ1FgUjJSUleP3119G4cWO8/PLLAABPT0/k5uZKr8nNzYWHhwcAw/CO/Jx43tPT0+TnT548GePHj1c2tI5lRpKSktC4cWOzIsqaRix6dnJywsyZM7FhwwakpaXh0KFD8Pf3h6+vr6rPs6S/xGXgAaBnz54IDw+v9D2jR4/GnDlzABiGHk29JzMzE1988QU++eQTk7NuoqKizLqWpdq2bYtff/0Vt2/fRv369RVrqQwaNAjh4eEYN24cdu3aBcD4G1mjRo0QERFhs3bVVLX976K1sb/UYX8ZqQ5G9Ho93nzzTWg0Grz11lvScs6RkZG4du2aNAUyPj5emi7ZtGlTbN26VfqMgoICJCcno2nTpiav4erqWmcCj4potdpa9wOamZkp3aQ7deqE9957DyUlJfjwww9RWFiIPXv24Pnnn7fos0v3161bt5CammqyWFJeM9KiRQuz+rlJkyZo1aoVLl26hOPHjyMnJ0cROO3evRtjx44tN+MHAL169bLp/9PWrVvj119/BWBY1O3YsWPSuUcffRRarRaDBw+Gq6urYihUrAMj02rj30VbYn+pw/6yYJ2RxYsXIz09Hf/5z3/g7GyMZYYMGYJt27YhOTkZ6enp2LBhA4YMGQLAUEVfWFiInTt3oqioCGvXrkXr1q1tNquAqi/xRgkYbsyAYQhOJA9aq+Lu3bvo0qULoqOjERsbW+a8GIwEBQXBx8fH7M8VZ9XodDr8/PPPinNLlixRBCK9evXC/PnzsWDBAixYsAAbNmyw+VCjfEZNXFwcTpw4AcDwC4FYoOrj44OePXsq3mfrmTRERBVRlRm5c+cOduzYATc3N8VUx/fffx+PPvooRo4ciYkTJ0Kv12PYsGEYOnQoAEOmY+nSpVi0aBGWLFmCNm3aYNGiRdb9JlQjiDUKgDEYefTRRxEUFIS7d+/iu+++Q05OjrTiqaW++OIL3L17FwCwaNEivPDCC9JvHjk5OdKU1op26zVlwIAB+OCDDwAYpvg+88wzAAxFqmIdSmhoKPbu3VtmxVF7kAcjGzduREFBAQBjX4sGDBigCKZsPZOGiKgiqoKRRo0aKQr/Sps8eTImT55s8lzbtm2xadMmda2jWufo0aPScUxMDABD7chzzz2HVatWoaCgAN9++y3GjBlTpets2LBBOr5+/Tp++OEHPPnkkwDM363XlL59+8LJyQk6nU6x3si5c+ekG3+fPn0cEogAyum98uJVsa9FAwYMUKz1w2CEiBypbg9SkV2VlJTg+PHjAAyrkMpno4wcOVI63rJlS5Wuc/HiRZw5c0bx3MqVK6VjtWuMyNWrVw9du3YFYJg+K07ZlQ8/9ejRQ3WbrSUyMrLMhnRA2cxIUFAQunfvLj3mMA0RORKDEbKbc+fOSbOqSv+m/thjj6FBgwYAgD179pSZfaWGPCsi+uabb6Qptebu1lse+VooBw8eBAApyAIcG4w4OTkpdhkGAF9fX7Rt27bMa0eMGCEdy9coISKyNwYjZDfyIZrSv6k7Oztj+PDhAAzr0oir96olCIIUjGi1WsyYMUN6/pNPPgFQtcwIAPTr1086FodCxMyIm5ubw3ejLb0BXY8ePeDk5FTmdf/3f/+HuXPn4u233zZ7ATciIltgMEJ2Iy9eLZ0ZAZSzarZt22bRNY4ePYqbN28CMNRFzJ8/X5r1tWbNGly6dEkxpGJJMNKrVy9pKOTAgQNIT0+Xsi2dO3d2+LT00sGIqb4GDIHTO++8g9dff12aok9E5AgMRshuxMyIp6cnOnToUOZ83759pVk08sBFDfkQzfjx4xEcHIznnnsOAHDv3j20bt1aWuckKCgI9erVU30NDw8P6QZ/8+ZNfPnll9I5Rw7RiEoHI6WzUERE1Q2DEbKL5ORkJCYmAjBsmObi4lLmNc7OzlJxaFJSEm7fvq3qGkVFRdi8eTMAQ8AgDvu8+uqrZV7r6uqKBQsWqPp8OflQzZIlS6Tj6haMaLVaPPLIIw5sDRFR5RiMUJX98MMPeOutt5CRkVHua0xN6TVFfjOXF4Wa49NPP5WWeX/22Welxcz69OkjbeLYpEkTvP3220hKSsL06dNVfb6cvIhVvq9EdbjxR0VFSUNFHTt2VLWoGxGRI1Rp116i9PR0DB06VFrif82aNWVeU1RUJC0UBlQ8bCAPRn799Vcpu1GZnJwc/POf/5Qey7eo12g02LlzJ+7cuYPGjRubLOZUq2vXrvD19UV2drb0XHBwMJo0aVLlz64qd3d3LFu2DOvXr8fixYsd3RwiokoxM0JVEhcXJy32tWXLFhQWFirOC4KAWbNm4dChQwCAkJAQ9O3bt9zPk2cW5IWmlfnkk09w7949AIYN7UpnKNzc3BAREWGVQAQwDCmJ+zCJevToUW0KQWfOnInjx48rMjhERNUVgxGqkosXL0rH2dnZilVJAcNiYx9//DEAQ0Cwbdu2cndrBgzZBXFX25MnT6KkpKTSNty6dUvKyLi4uNgtGyCvGwGqxxANEVFNxGCEqkQejADKje4OHDiAP//5z9LjNWvWmHXDFodq8vLy8Mcff1T6+n/84x9Sdmb69OnSbtG2VjrrUB2KV4mIaiLWjNRyp0+fVhSCBgQEYNiwYSaXDLdE6WBkx44d+PjjjyEIAqZMmQKdTgcAmDt3LiZMmGDWZ/bo0QNfffUVAMNQTadOncp97ZEjR/DZZ58BMCzVLt9vxdbatWuHBg0aIDU1FVqtVpoJRERE6jAYqcUuXryI7t27SwGBaNasWVixYoXVriGXmZmJAwcO4OrVq9LiY3379lU1dFK6iPWVV14x+bpff/0VgwcPhl6vBwD87W9/Q/369VV+A8tpNBrMnz8fc+fOxfTp06u80zARUV3FYZpa7JtvvikTiADA6tWrkZmZWeXPz8rKkjaKk686um7dOixatEh6vGzZMlWFo506dZLWISlveu9vv/2GQYMG4cGDBwAMM3TkQ0L2MmvWLOTk5GD58uV2vzYRUW3BYKQWk69iumzZMgwbNgyAYe+Xzz//vMqff+nSJel4zJgxUmZg8+bNSE1NlZ7v3Lmzqs91d3dHdHS0dI3S65ecP38eAwcOlKbV9uvXD6tXr3bYMuzicvNERGQZBiO1lCAI0kJjfn5+mD17Nv71r39J51euXAlBEKp0DfkQTXR0NJ5++mnFeScnJ0WGRA35UM1vv/2mOLd48WJkZWUBMAwB7dy5Ex4eHhZdh4iIHI/BSC117do1KTvRq1cvaLVatG3bVlob4/Llyzh48GCVriEPRlq3bo2RI0cqzr/00kto0aKFRZ9d3kqsgiDgp59+AgB4eXnhm2++qXCqMBERVX8MRmop+fLr8hVP5fu0rFq1qkrXKB2MDB48GF5eXgAMe8NUZe8XeTBy7Ngx6fj69evSnjW9evWSrkdERDUXg5FaSl4vIt8LZvjw4QgKCgIAbN++XfVmdHJiMOLp6YnGjRvD09MTq1atQnR0NGJjYxESEmLxZ0dERCA4OBgA8PPPPyMvLw8ApJVcAeCxxx6z+POJiKj6YDBSS4mZEScnJ3Tr1k163tXVFS+//DIAQKfTYfXq1RZ9fkFBAa5fvw4AaNWqFbRaw4/Sn/70J5w+fRqjR4+uSvOh0WikGpT8/HxpZVd5MNK7d+8qXYOIiKoHBiO1UGZmJs6fPw/AUFhaeihj6tSpUvCwfv16i65x9epVaX0P+Zb11jR06FDpeOfOnQCAX375BYAhqOrevbtNrktERPbFYKQWktdYmNoht3HjxujZsycAID4+Hvfv31d9jdL1IrbQv39/qTh19+7duHXrFq5duwYA6NatG2fQEBHVEgxGaiF58aq8XkROvvbH2bNnVV/DHsGIh4cHnnzySQBAamoqli5dKp3jEA0RUe3BYKQWkhevmsqMAJAWFQOAM2fOqL6GPYIRQDlUs3LlSumYxatERLUHg5FapqSkRFqXo3HjxggLCzP5OmsFI87OzmjevLkFLTXPU089JS0lX1xcDMBQ3FpekEVERDUPgxEr0ev1uH79Oq5du4Zr165VacpsVcTFxUnTYMsbogGANm3aSPu/qA1GTpw4IQUjzZs3lz7HFurXr49HH31U8VzHjh1Rr149m12TiIjsi8GIFRQXF6Nnz55o1qwZWrRogRYtWiA0NBSzZ8+2e1sqK14Vubq6ol27dgAM+7+IAUxlTp48iSeeeELKUgwaNKgKrTWPfKgG4BANEVFtw2DECr777rsy+6cAwAcffIBbt27ZtS0nTpyQjh955JEKXysO1ej1epw7d67Szz59+jSeeOIJxb4w//73v6vQWvOUDkZYvEpEVLswGLEC+Q64Tz/9tDRttiqLillKDEZcXFzQsWPHCl+rpm7kzJkzGDBgADIzMwEYshPffPONXZZjb9q0Kdq3by89Lj1sQ0RENRuDkSq6f/8+du/eDQAICgrC9u3bsXnzZqno8pNPPpGGNGztwYMHuHTpEgCgQ4cOcHNzq/D15gYjcXFxGDBgADIyMgAYgoFvv/3WrvvCLF26FC1btsSCBQukZeKJiKh2YDBSRV999RWKiooAAOPHj4ezszPCwsLw7LPPAgDu3LmDXbt2WeVa586dw4IFC6Rl2Es7ffo0BEEAAHTt2rXSz+vYsSM0Gg2A8oORc+fOoX///tLCaDExMdizZw+8vb0t+QoWGzRoEC5duoSFCxfa9bpERGR7DEaqSD5E88ILL0jH8t1x5etjWEqv1+PZZ5/FokWLEBMTg+Tk5DKvkdeLyPejKY+3tzdatGgBAPj999/LZHBu3bqF/v37Iz09HQDQs2dPfPfdd/Dx8anKVyEiIlJgMFIFly9fxq+//grAkGWQ12j0799futEfOHBAsUiYJU6cOIGEhAQAQEpKCoYOHVpmBozaYAQwDtUUFhZKQzyi2NhYpKWlAQB69OiBvXv3MhAhIiKrYzBSBfJN5uRZEQDQarV45ZVXpMcfffRRla4l1qWITp8+jRdffFEalgEM024BwzLqbdq0MetzK6obkT/+9NNP4evrq7rdRERElWEwYiG9Xi8FI05OTnj++efLvGbSpElwd3cHAHz22WcoKCiw+HrffPONdCwWjn711VfS1Nr09HSplqRz585wdnY263MrCkbi4uIAGIKbli1bWtx2IiKiijAYsdAvv/yCxMREAIbiSlMzPAICAjBy5EgAQFZWFg4dOmTRtZKSkqTAoFu3bti4caNUePrWW2/h+vXrUlYEMK94VVReMJKTk4P4+HgAQLt27aTZQURERNbGYMSEM2fOYPjw4fjvf/+LwsJCk6/ZsGGDdDxhwoRyP+vpp5+Wjvfu3WtRe+RZkaeffhrPPvssXn/9dQCGtUyWLFliUb0IADRo0EDav+bMmTPQ6/UADAWt4hBQZeuVEBERVQWDERNeffVV7NixA3PmzEHHjh2xf/9+xfnCwkJs3boVgGHIRJzGa8oTTzwBrdbQzdYKRgBgzpw5UjHpunXrFDUlaoIR+euzs7OlDIz4J8BghIiIbIvBSClJSUnSrreAYcbMgAEDMGXKFOh0OgCG5d/FlUiHDx9e4eJfAQEB0rLsFy5ckIZ2zJWbmysFQyEhIdKwir+/P6ZPnw4AKCoqkpajr1evnupddPv16ycdi9diMEJERPbCYKSUHTt2SMf+/v7S8dq1a6UZMRs3bpSeN1W4WtqTTz4pHX///feq2rN//35pqOjpp5+WakUA4LXXXpMKZEVdunSRMjHm6t+/v+J6AHD27FnpuQ4dOqj6PCIiIjUYjJSybds26fjnn3/Gxx9/LD2eP38+4uPjpSGRBg0aYMCAAZV+pjwY+e6771S1x9QQjSgoKAgvvfSS4jm1QzQA0KpVKzRq1AgAcOjQIRQWFuL3338HAERGRqJevXqqP5OIiMhcDEZkUlNT8csvvwAAoqKi0K5dO0ydOhUTJ04EAGRmZqJ///7SFN3Ro0fDxcWl0s/t2rUrAgMDAQD79u0ze6+a3NxcqTbF3d1dkcEQzZkzRzGN15JgRKPRSEM1ubm5+PLLL5GbmwuAQzRERGR7DEZkdu3aJc0mGT58uDQk8s4770jZAXEVVMCwF405tFotBg4cCMCwmd2xY8fMel9sbKy0Od3o0aPh6elZ5jVNmjTB5MmTAQCurq6IiYkx67NLkwc6y5cvl44ZjBARka0xGJGRD9E899xz0nFQUBD++c9/Kl4bGRmJHj16mP3Z8qEac2bV6HQ6vPfee9Lj//f//l+5r33vvffwzjvvYM+ePRbvaCsvYhWHaAAGI0REZHsMRh7Kzs7Gvn37AABhYWFlFg6bPn26opDz+eefVxSTVkbMjADmBSM//PCDtKLqE088UWERqaenJ+bOnWtyGMdc4eHhaNasWZnnO3XqZPFnEhERmYPByEN79uxBUVERAMMQTekZKc7OzlizZg0CAgIQHBys2HfGHEFBQejSpQsAw+Jid+7ckc4JgoD33nsPs2fPxs2bNwEY9oIRVZQVsabSwYyvry8iIiLscm0iIqq7GIzAUJj61ltvSY/lQzRy3bp1Q1JSEpKSkqRVS9UYMmSIdCyfQrx//3689tprWLFiBdq0aYNXXnkFp0+fBmBYil2eVbGl0sFIhw4dVGV/iIiILFHng5GSkhKMHTsWly9fBmC4Affu3bvc13t6epq9CV1pI0aMkI63bNkiHcuXls/Pz8fq1aulx//v//0/uwUEjz/+uOIx60WIiMge6nwwMnfuXGkhsvr162P79u022xSuQ4cO0uqoP//8M+7du4fCwkJs374dgGE2jPzawcHBGDdunE3aYkqDBg0UtSkMRoiIyB7qdDCydu1avPvuuwAMNSFff/01mjZtarPraTQajBo1CgCg1+uxfft2fP/998jKygIAjBkzBqdOnULfvn3h4eGBJUuWwM3NzWbtMWXw4MHSsZrZQkRERJaybLyhFoiLi1MUoX744Yfo06ePza87cuRIvP322wCArVu3omHDhtK5MWPGSBvz3bhxA5GRkTZvT2l/+9vfkJeXhzZt2qB9+/Z2vz4REdU9dTYYadu2LWbMmIH33nsPM2fOxNSpU+1y3ejoaERGRuLGjRs4ePCglPnw9/fHE088Ib1O7f4y1lKvXj28//77Drk2ERHVTXV2mMbZ2Rnvvvsudu3aJQ3V2IN8qEan0yEvLw+AobjV1dXVbu0gIiKqLupsMCJ65plnLJ4dY6mRI0eWeW7MmDF2bQMREVF1oSoY2bp1K8aPH49HHnlEsZstAOzevRtDhgxBnz59sHDhQsVmcMnJyXjxxRcRExOD8ePH48qVK9ZpfQ3VtWtXhIeHS48bNmyIvn37Oq5BREREDqQqGAkMDMTUqVMV+5gAwLVr17B8+XIsXboU3377Le7evYs1a9ZI59944w088sgjOHDgAIYPH445c+agpKTEOt+gBtJoNIrsyKhRo+yenSEiIqouVAUjffv2RZ8+feDj46N4fu/evejXrx/atm0Lb29vvPjii/j2228BADdv3sSNGzcwefJkuLm5YeTIkdDr9Th79qzVvkRN9Morr8DHxweenp6YMWOGo5tDRETkMFb5dfz69evo3r279Lh58+ZISUlBXl4ebty4gSZNmiiKM5s3b474+Pgym9GJioqKpH1ipIY6O9eqAs+mTZsiKSkJgiDA19cXer1eOicey5+j8rG/1GF/mY99pQ77S5260l/mzA61SjCSn58PLy8v6bG3tzcAIC8vD3l5eYpzAODl5YX8/PxyP2/dunWKJdEBw1DG6NGjrdHcaicjI8Pk80lJSXZuSc3G/lKH/WU+9pU67C91ant/mbNmllWCEQ8PD+Tm5kqPc3JyABj2cfH09FScA4Dc3Fx4eHiU+3mTJ0/G+PHjlQ2tZZmRiuj1eiQlJaFx48YOW2+kJmF/qcP+Mh/7Sh32lzrsLyOrBCNNmzbFtWvXpMfx8fEIDg6Gp6cnIiMjkZSUhKKiIimYiI+PLxNsyLm6utaZwKMiWq22zv+AqsH+Uof9ZT72lTrsL3XYXyoLWEtKSlBYWAi9Xg+dTofCwkLodDo8+eSTOHDgAC5evIicnBysXbsWTz31FAAgIiICERERiI2NRVFREbZt2waNRoNOnTrZ4vsQERFRDaMqGPn0008RExODHTt2YO3atYiJicGePXvQvHlzvPbaa/jLX/6CIUOGoEGDBpgyZYr0vn//+9/49ddf8fjjj2Pr1q1YsmQJp7ISERERAEAjCILg6EaQkl6vR0JCAsLDw+t86s4c7C912F/mY1+pw/5Sh/1lVLe/PRERETkcgxEiIiJyKAYjRERE5FAMRoiIiMihGIwQERGRQzEYISIiIodiMEJEREQOxWCEiIiIHIrBCBERETkUV2AlIiIih2JmhIiIiByKwQgRERE5FIMRIiIicigGI0RERORQDEaIiIjIoRiMEBERkUMxGCEiIiKHYjBCREREDsVghIiIiByKwQgRERE5FIMRB+JK/GRL/PkyD/uJbI0/Y5VjMGJnmZmZuHXrFgBAo9E4uDXVX3Z2NtLS0hzdjBojLS0N+/fvB8B/ACuTkpKCTz75BJcvX3Z0U2qE+/fv48KFC9DpdI5uSo3Af+vVcXZ0A+qSZcuWYe/evQgJCUHXrl0xePBgNG/eHHq9Hlot48LSli1bhl9++QVBQUHo0qULnnrqKYSFhUEQBP7lNqG4uBhTp05FUlIStmzZgoiICOh0Ojg5OTm6adXO2rVrERsbi0GDBsHb2xslJSVwduY/h+VZtmwZvv/+ewQHByM8PByjR49G+/bt+XexHPy3Xj32ip0cPXoU58+fx5YtWzBjxgzk5uZi8eLFAMAfzlLu3buHv/71r7h+/To+/fRTPP/880hOTsbevXsB8LcMU/R6PVxcXNCxY0d069YNK1asAAAGIiZkZWXhwoULWLNmDf7+978jLCyMgUgFtmzZgvPnz2PXrl2YP38+fH19+XexAvy33jLsGRsqKCiQjpOSkuDk5AQ/Pz90794dL730EkpKSqSbhl6vd1Qzqw2xvx48eIAWLVrgnXfeQWBgIPr27YsGDRogPT0dAPtKJPaX+NtWVlYWrly5gpdeegmpqan48ccfAQAlJSWObGa1IP+7eOXKFSQnJyMqKgpxcXFYunQpvvvuO1y5cgUAf74AZX+lpKQgNDQU7u7uiIqKgre3N3x8fBzYuuonLy9POua/9ZZhMGIDGRkZeP311/HRRx9Jzzk5OSEiIkKqfwgMDMSMGTOwbds2pKWlQavV1tkxfrG/Vq1aBQBo1qwZnnrqKXh7e6O4uBgAEBAQII2/1vXfLkr/fGm1Wuh0OtSrVw9t2rSBn58f+vbti/Xr1wNAnf6t39TfRY1Gg+joaGzcuBFvvPEGXFxc8MMPP2DBggX8u2iivzw8PODs7IwjR46guLgYJ06cwN27d/Hrr79KN+G63F9z5szBokWLpKCf/9Zbpm7/q24DH3/8MYYNGwYPDw/MmDFDer558+Y4f/48kpOTpec6deqEXr164auvvgJQN1Oe8v6aOXOm9HxYWBgA44300qVL6N69u0PaWJ2U9/Pl5OQkFRg2aNAAkydPhpubG1588UW8/fbbDmyx45TXV15eXoiPj8fx48fx9ttvY/bs2fjXv/6F1q1bY/ny5QD4d1HeX8OGDUNMTAw+++wzPPbYYwgNDUVoaCi++OILfPjhhwDqZn9duHABEydOhI+PD6ZMmSJlPPhvvWXq7q9MNvDpp59i48aNWLx4MWJiYgBAKvDq1KkTwsLCsH37doSFhSEwMBBarRaNGjWCXq+vk4WGpvpLTuy7kpISpKeno1OnTtK5goICuLu716kCuop+vgDAx8cHHTp0gKenJ/bt24dbt24hNzcXEyZMAIA69TNWUV+1bt0aTZs2xfbt2zFy5EgAgKenJ3r27IkdO3YgOzsbvr6+jmy+3VXUX4GBgRgwYAASEhLQpUsXTJs2DQDw3XffYfv27cjMzISfn58DW+8YcXFxiImJwbx58wAAOTk5cHV1RadOnRAeHo5t27bx33oVGIxUkfxm8Nhjj+HkyZPw9PTE77//jk2bNiE0NBT169fHmDFj8Oc//xnz5s3Djz/+iIEDB6J+/fp48OABQkJC6swPpzn91bBhQ4wcOVJ6XXp6OrKystCuXTtcunQJH374IR5//HE899xztT4QUdNfDx48wIEDB3D+/Hnk5eXhhRdewIkTJ7Bv3z7069ev1v+Mqfm7OGnSJPz++++Ij49HmzZtUL9+fSQmJqJZs2Z1JhBR87OVn5+P48ePY9CgQdL7kpOTER4eXmcCEfF7C4KA4uJiJCYmIiYmBklJSViwYAHq168Pf39//N///R/+8pe/YPbs2fjhhx8waNCgOvlvvVoMRiyUl5eHlStXwsXFBb169UK7du3QokULtGvXDm+++SaKi4vxzDPPwM3NDatXr4YgCBg7diwmTZqEPXv24Mcff0SDBg1w+vRpLF261NFfx+bU9NdHH30EQRDw1FNPwdPTE3/88QcKCwuxcOFCHDhwAOPHj8dzzz3n6K9kU2r7q6SkBGPHjsWQIUOg1+vxyiuvwMPDAy1btsTt27cd/XVsytK/iy+++CL27t2LQ4cOoWHDhjh9+jTefPNNR38dm7P0Z6t79+7Ys2cPUlJSkJaWhiNHjuBvf/ubo7+Ozcn7KyYmBm3btoWHhwfS0tLw7bffokGDBnj00UfRq1cvrFixAu+99x5mzZqFadOmYfv27di3b1+d+rfeUhqBlTSqXb16Fa+//jratGmDwMBAXLx4EY0aNcI//vEPZGdn47PPPsOIESMQEhICANi3bx+++OIL/O9//4OPjw/S09Nx5MgR3Lt3D2PHjoW3t7eDv5FtWdJfGzduxLJly+Dv7481a9bg448/xjPPPIO//OUv7K9yfr7ef/99eHt716kC36r+XczMzMTx48dx584djBw5kj9bJvpr/fr1WLVqFVxdXXHw4EGcPXsWAPDqq6/W6f46f/48pk+fjrZt22LlypXS6z///HMMHDgQvXv3rnP/1leJQKpt3bpVmDt3rvT4xo0bQs+ePYX9+/cLgiAImZmZgiAIQkFBgSAIgvDgwQOhb9++wunTp+3f2GrA0v46efKkIAiCEBcXJ1y/ft3OrXYcS/qrT58+wpkzZ+zeVkfj30V1qvp3URAEoaSkxI4tdqzy+uvgwYOCIAjCvHnzhJEjRwqCYOyXcePGCdu3b7d3U2u8uvMrVBWkpaUhMTERgKEI8MGDB/Dy8pKmtdWvXx+BgYFYvXo1AKBevXoAADc3NwCGQqdOnTqhRYsWDmi9/Vmrv1q2bAkA6NChAyIjI+39NezGGv0VHR2N5s2bO6D19sW/i+pY++8iULsX0jOnv+rXr49PPvkEADB9+nTcvn0bX3zxBXJycpCamgofH5868XfR2hiMVEAQBKxatQrPPvssNm/ejOzsbDg5OcHHxwf5+fk4ffo0AMOiUo888ghSU1OxY8cOAIY9VX777Tf8+9//xoIFC9CrV69an6Jjf6nD/jIf+0od9pc6avqrR48euHv3Lnbs2IEmTZrgX//6F06dOoW//vWvGD16NKKjo9GuXTsHf6OahwWsFTh+/Dhu3bqFoUOHIicnB8ePH8cTTzyBZ555BklJSXj//ffxww8/4NChQ5g2bRqaN2+OhIQEAIbfLL7//nvk5uZi8+bNqF+/voO/je2xv9Rhf5mPfaUO+0udqvTX448/jt69e+PKlSsIDQ2VskukDgtYK1BQUIBr164hIiJCWh103LhxCAsLw4MHD5CQkIALFy4gKioKnTp1wr/+9S9ERERI6zqIa2HUFewvddhf5mNfqcP+Uqcq/cXN76yDPVgBd3d3tGvXDt7e3ujTpw/u37+P48ePAzAsMNWuXTuMHj0anTp1wt27d3H79m20adNG8f66hP2lDvvLfOwrddhf6lSlvxiIWAd70Uzdu3dHREQEzp8/j/Pnz0vP379/H4sXL8Zzzz2HqKgodO7c2YGtrD7YX+qwv8zHvlKH/aUO+8sxGIyYQRzJ6t+/P4qKivDHH38AAC5evIji4mJ06NABmzdvxuzZsx3YyuqD/aUO+8t87Ct12F/qsL8chzUjZhIeLgX83XffYdu2bbhw4QJatmyJ5cuX15nlkNVgf6nD/jIf+0od9pc67C/H4GwaM2k0GhQUFGDLli24fv06Zs2ahTFjxji6WdUW+0sd9pf52FfqsL/UYX85BoMRFY4cOYKWLVti1apV0qJAVD72lzrsL/Oxr9Rhf6nD/rI/DtOoIAh1Z7t6a2B/qcP+Mh/7Sh32lzrsL/tjMEJEREQOxdk0RERE5FAMRoiIiMihGIwQERGRQzEYISIiIodiMEJEREQOxWCEiIiIHIrBCBHVaF27dkXXrl2xe/duRzeFiCzEYISIKjV16lTppj9u3DjFuczMTMTExEjn//e//1n9+rt375Y+n4hqHwYjRKTK1atXcfr0aenxjh07UFhY6MAWEVFNx2CEiMzm7GzYzuqrr74CAOh0OmzdulV6Xi4rKwvvvPMOnnrqKTzyyCMYOHAg3nzzTaSkpEiv+fjjj9G1a1c888wz2LdvH0aMGIFHH30UL7/8Mm7evAkAeOutt7Bw4ULpPWKG5OOPP1ZcLycnBwsXLkSfPn0wePBgrFmzxtpfn4hshMEIEZktKioKoaGh+Omnn3D37l388ssvSElJQf/+/RWvKywsxNSpU7FlyxakpaUhPDwcubm5+O677zB58mRkZGQoXn/v3j3Mnz8fGo0GhYWFOHPmDP75z38CAMLCwhAaGiq9tl27dmjXrh2CgoIUn/HBBx/g2LFjcHFxQWpqKj766CP8+uuvNuoJIrImBiNEZDatVotRo0ZJGRExQ1J6i/Xvv/8e8fHxAIB33nkHmzdvxqeffgqtVovU1FRs3rxZ8XqdToclS5Zg69atUk3KuXPnUFBQgJdeegkvvfSS9NrY2FjExsZi2LBhis9o2bIldu/ercjUnDhxwqrfn4hsg8EIEakydOhQeHh4YPPmzTh58iRat26NDh06KF5z4cIFAIC7uzv69u0LAGjVqhXCw8MV50Xe3t547LHHAABNmzaVni+dQanIgAED4OLiAj8/PwQEBAAA7t+/r+7LEZFDMBghIlV8fHwwePBg5ObmAiibFbH0M0VOTk7SsZpNxU19BjclJ6oZGIwQkWqjR48GAPj7+2PgwIFlzrdp0wYAUFBQgJ9++gkAcOnSJSQkJCjOm8vd3V06zs/Pt6TJRFSNlS2BJyKqRPPmzbF//344OTnB1dW1zPlBgwZhw4YNiI+Px7x58xAeHo5bt25Br9ejQYMGUjBjroiICOl41KhRCAwMxOzZs9GpU6cqfhMiqg6YGSEii9SrVw/e3t4mz7m5ueGTTz6RAoeEhAR4enpi8ODBWLduHfz9/VVdq0WLFnjppZdQv359pKSk4I8//sCDBw+s8TWIqBrQCBxUJSIiIgdiZoSIiIgcisEIERERORSDESIiInIoBiNERETkUAxGiIiIyKEYjBAREZFDMRghIiIih2IwQkRERA7FYISIiIgcisEIERERORSDESIiInIoBiNERETkUP8fwRyVeTleX98AAAAASUVORK5CYII=", "text/plain": [ "
    " ] @@ -146,7 +146,7 @@ } ], "source": [ - "series1, series2 = series.split_before(0.75)\n", + "series1, series2 = series.split_after(0.75)\n", "series1.plot()\n", "series2.plot()" ] @@ -2970,7 +2970,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.9.16" + "version": "3.10.13" }, "pycharm": { "stem_cell": { diff --git a/searchindex.js b/searchindex.js index b7a8e2982c..5593a232ff 100644 --- a/searchindex.js +++ b/searchindex.js @@ -1 +1 @@ -Search.setIndex({docnames:["README","examples","examples/01-multi-time-series-and-covariates","examples/02-data-processing","examples/03-FFT-examples","examples/04-RNN-examples","examples/05-TCN-examples","examples/06-Transformer-examples","examples/07-NBEATS-examples","examples/08-DeepAR-examples","examples/09-DeepTCN-examples","examples/10-Kalman-filter-examples","examples/11-GP-filter-examples","examples/12-Dynamic-Time-Warping-example","examples/13-TFT-examples","examples/14-transfer-learning","examples/15-static-covariates","examples/16-hierarchical-reconciliation","examples/17-hyperparameter-optimization","examples/18-TiDE-examples","examples/19-EnsembleModel-examples","examples/20-RegressionModel-examples","generated_api/darts","generated_api/darts.ad","generated_api/darts.ad.aggregators","generated_api/darts.ad.aggregators.aggregators","generated_api/darts.ad.aggregators.and_aggregator","generated_api/darts.ad.aggregators.ensemble_sklearn_aggregator","generated_api/darts.ad.aggregators.or_aggregator","generated_api/darts.ad.anomaly_model","generated_api/darts.ad.anomaly_model.anomaly_model","generated_api/darts.ad.anomaly_model.filtering_am","generated_api/darts.ad.anomaly_model.forecasting_am","generated_api/darts.ad.detectors","generated_api/darts.ad.detectors.detectors","generated_api/darts.ad.detectors.quantile_detector","generated_api/darts.ad.detectors.threshold_detector","generated_api/darts.ad.scorers","generated_api/darts.ad.scorers.difference_scorer","generated_api/darts.ad.scorers.kmeans_scorer","generated_api/darts.ad.scorers.nll_cauchy_scorer","generated_api/darts.ad.scorers.nll_exponential_scorer","generated_api/darts.ad.scorers.nll_gamma_scorer","generated_api/darts.ad.scorers.nll_gaussian_scorer","generated_api/darts.ad.scorers.nll_laplace_scorer","generated_api/darts.ad.scorers.nll_poisson_scorer","generated_api/darts.ad.scorers.norm_scorer","generated_api/darts.ad.scorers.pyod_scorer","generated_api/darts.ad.scorers.scorers","generated_api/darts.ad.scorers.wasserstein_scorer","generated_api/darts.ad.utils","generated_api/darts.dataprocessing","generated_api/darts.dataprocessing.dtw","generated_api/darts.dataprocessing.dtw.cost_matrix","generated_api/darts.dataprocessing.dtw.dtw","generated_api/darts.dataprocessing.dtw.window","generated_api/darts.dataprocessing.encoders","generated_api/darts.dataprocessing.encoders.encoder_base","generated_api/darts.dataprocessing.encoders.encoders","generated_api/darts.dataprocessing.pipeline","generated_api/darts.dataprocessing.transformers","generated_api/darts.dataprocessing.transformers.base_data_transformer","generated_api/darts.dataprocessing.transformers.boxcox","generated_api/darts.dataprocessing.transformers.diff","generated_api/darts.dataprocessing.transformers.fittable_data_transformer","generated_api/darts.dataprocessing.transformers.invertible_data_transformer","generated_api/darts.dataprocessing.transformers.mappers","generated_api/darts.dataprocessing.transformers.midas","generated_api/darts.dataprocessing.transformers.missing_values_filler","generated_api/darts.dataprocessing.transformers.reconciliation","generated_api/darts.dataprocessing.transformers.scaler","generated_api/darts.dataprocessing.transformers.static_covariates_transformer","generated_api/darts.dataprocessing.transformers.window_transformer","generated_api/darts.datasets","generated_api/darts.datasets.dataset_loaders","generated_api/darts.explainability","generated_api/darts.explainability.explainability","generated_api/darts.explainability.explainability_result","generated_api/darts.explainability.shap_explainer","generated_api/darts.explainability.tft_explainer","generated_api/darts.explainability.utils","generated_api/darts.metrics","generated_api/darts.metrics.metrics","generated_api/darts.models","generated_api/darts.models.components","generated_api/darts.models.components.feed_forward","generated_api/darts.models.components.glu_variants","generated_api/darts.models.components.layer_norm_variants","generated_api/darts.models.components.statsforecast_utils","generated_api/darts.models.components.transformer","generated_api/darts.models.filtering","generated_api/darts.models.filtering.filtering_model","generated_api/darts.models.filtering.gaussian_process_filter","generated_api/darts.models.filtering.kalman_filter","generated_api/darts.models.filtering.moving_average_filter","generated_api/darts.models.forecasting","generated_api/darts.models.forecasting.arima","generated_api/darts.models.forecasting.auto_arima","generated_api/darts.models.forecasting.baselines","generated_api/darts.models.forecasting.block_rnn_model","generated_api/darts.models.forecasting.catboost_model","generated_api/darts.models.forecasting.croston","generated_api/darts.models.forecasting.dlinear","generated_api/darts.models.forecasting.ensemble_model","generated_api/darts.models.forecasting.exponential_smoothing","generated_api/darts.models.forecasting.fft","generated_api/darts.models.forecasting.forecasting_model","generated_api/darts.models.forecasting.kalman_forecaster","generated_api/darts.models.forecasting.lgbm","generated_api/darts.models.forecasting.linear_regression_model","generated_api/darts.models.forecasting.nbeats","generated_api/darts.models.forecasting.nhits","generated_api/darts.models.forecasting.nlinear","generated_api/darts.models.forecasting.pl_forecasting_module","generated_api/darts.models.forecasting.prophet_model","generated_api/darts.models.forecasting.random_forest","generated_api/darts.models.forecasting.regression_ensemble_model","generated_api/darts.models.forecasting.regression_model","generated_api/darts.models.forecasting.rnn_model","generated_api/darts.models.forecasting.sf_auto_arima","generated_api/darts.models.forecasting.sf_auto_ces","generated_api/darts.models.forecasting.sf_auto_ets","generated_api/darts.models.forecasting.sf_auto_theta","generated_api/darts.models.forecasting.tbats_model","generated_api/darts.models.forecasting.tcn_model","generated_api/darts.models.forecasting.tft_model","generated_api/darts.models.forecasting.tft_submodels","generated_api/darts.models.forecasting.theta","generated_api/darts.models.forecasting.tide_model","generated_api/darts.models.forecasting.torch_forecasting_model","generated_api/darts.models.forecasting.transformer_model","generated_api/darts.models.forecasting.varima","generated_api/darts.models.forecasting.xgboost","generated_api/darts.models.utils","generated_api/darts.timeseries","generated_api/darts.utils","generated_api/darts.utils.callbacks","generated_api/darts.utils.data","generated_api/darts.utils.data.horizon_based_dataset","generated_api/darts.utils.data.inference_dataset","generated_api/darts.utils.data.sequential_dataset","generated_api/darts.utils.data.shifted_dataset","generated_api/darts.utils.data.tabularization","generated_api/darts.utils.data.training_dataset","generated_api/darts.utils.data.utils","generated_api/darts.utils.historical_forecasts","generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_regression","generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_torch","generated_api/darts.utils.historical_forecasts.utils","generated_api/darts.utils.likelihood_models","generated_api/darts.utils.losses","generated_api/darts.utils.missing_values","generated_api/darts.utils.model_selection","generated_api/darts.utils.multioutput","generated_api/darts.utils.statistics","generated_api/darts.utils.timeseries_generation","generated_api/darts.utils.torch","generated_api/darts.utils.utils","index","quickstart/00-quickstart","userguide","userguide/covariates","userguide/faq","userguide/forecasting_overview","userguide/gpu_and_tpu_usage","userguide/hyperparameter_optimization","userguide/timeseries","userguide/torch_forecasting_models"],envversion:{"sphinx.domains.c":2,"sphinx.domains.changeset":1,"sphinx.domains.citation":1,"sphinx.domains.cpp":4,"sphinx.domains.index":1,"sphinx.domains.javascript":2,"sphinx.domains.math":2,"sphinx.domains.python":3,"sphinx.domains.rst":2,"sphinx.domains.std":2,"sphinx.ext.todo":2,"sphinx.ext.viewcode":1,nbsphinx:3,sphinx:56},filenames:["README.rst","examples.rst","examples/01-multi-time-series-and-covariates.ipynb","examples/02-data-processing.ipynb","examples/03-FFT-examples.ipynb","examples/04-RNN-examples.ipynb","examples/05-TCN-examples.ipynb","examples/06-Transformer-examples.ipynb","examples/07-NBEATS-examples.ipynb","examples/08-DeepAR-examples.ipynb","examples/09-DeepTCN-examples.ipynb","examples/10-Kalman-filter-examples.ipynb","examples/11-GP-filter-examples.ipynb","examples/12-Dynamic-Time-Warping-example.ipynb","examples/13-TFT-examples.ipynb","examples/14-transfer-learning.ipynb","examples/15-static-covariates.ipynb","examples/16-hierarchical-reconciliation.ipynb","examples/17-hyperparameter-optimization.ipynb","examples/18-TiDE-examples.ipynb","examples/19-EnsembleModel-examples.ipynb","examples/20-RegressionModel-examples.ipynb","generated_api/darts.rst","generated_api/darts.ad.rst","generated_api/darts.ad.aggregators.rst","generated_api/darts.ad.aggregators.aggregators.rst","generated_api/darts.ad.aggregators.and_aggregator.rst","generated_api/darts.ad.aggregators.ensemble_sklearn_aggregator.rst","generated_api/darts.ad.aggregators.or_aggregator.rst","generated_api/darts.ad.anomaly_model.rst","generated_api/darts.ad.anomaly_model.anomaly_model.rst","generated_api/darts.ad.anomaly_model.filtering_am.rst","generated_api/darts.ad.anomaly_model.forecasting_am.rst","generated_api/darts.ad.detectors.rst","generated_api/darts.ad.detectors.detectors.rst","generated_api/darts.ad.detectors.quantile_detector.rst","generated_api/darts.ad.detectors.threshold_detector.rst","generated_api/darts.ad.scorers.rst","generated_api/darts.ad.scorers.difference_scorer.rst","generated_api/darts.ad.scorers.kmeans_scorer.rst","generated_api/darts.ad.scorers.nll_cauchy_scorer.rst","generated_api/darts.ad.scorers.nll_exponential_scorer.rst","generated_api/darts.ad.scorers.nll_gamma_scorer.rst","generated_api/darts.ad.scorers.nll_gaussian_scorer.rst","generated_api/darts.ad.scorers.nll_laplace_scorer.rst","generated_api/darts.ad.scorers.nll_poisson_scorer.rst","generated_api/darts.ad.scorers.norm_scorer.rst","generated_api/darts.ad.scorers.pyod_scorer.rst","generated_api/darts.ad.scorers.scorers.rst","generated_api/darts.ad.scorers.wasserstein_scorer.rst","generated_api/darts.ad.utils.rst","generated_api/darts.dataprocessing.rst","generated_api/darts.dataprocessing.dtw.rst","generated_api/darts.dataprocessing.dtw.cost_matrix.rst","generated_api/darts.dataprocessing.dtw.dtw.rst","generated_api/darts.dataprocessing.dtw.window.rst","generated_api/darts.dataprocessing.encoders.rst","generated_api/darts.dataprocessing.encoders.encoder_base.rst","generated_api/darts.dataprocessing.encoders.encoders.rst","generated_api/darts.dataprocessing.pipeline.rst","generated_api/darts.dataprocessing.transformers.rst","generated_api/darts.dataprocessing.transformers.base_data_transformer.rst","generated_api/darts.dataprocessing.transformers.boxcox.rst","generated_api/darts.dataprocessing.transformers.diff.rst","generated_api/darts.dataprocessing.transformers.fittable_data_transformer.rst","generated_api/darts.dataprocessing.transformers.invertible_data_transformer.rst","generated_api/darts.dataprocessing.transformers.mappers.rst","generated_api/darts.dataprocessing.transformers.midas.rst","generated_api/darts.dataprocessing.transformers.missing_values_filler.rst","generated_api/darts.dataprocessing.transformers.reconciliation.rst","generated_api/darts.dataprocessing.transformers.scaler.rst","generated_api/darts.dataprocessing.transformers.static_covariates_transformer.rst","generated_api/darts.dataprocessing.transformers.window_transformer.rst","generated_api/darts.datasets.rst","generated_api/darts.datasets.dataset_loaders.rst","generated_api/darts.explainability.rst","generated_api/darts.explainability.explainability.rst","generated_api/darts.explainability.explainability_result.rst","generated_api/darts.explainability.shap_explainer.rst","generated_api/darts.explainability.tft_explainer.rst","generated_api/darts.explainability.utils.rst","generated_api/darts.metrics.rst","generated_api/darts.metrics.metrics.rst","generated_api/darts.models.rst","generated_api/darts.models.components.rst","generated_api/darts.models.components.feed_forward.rst","generated_api/darts.models.components.glu_variants.rst","generated_api/darts.models.components.layer_norm_variants.rst","generated_api/darts.models.components.statsforecast_utils.rst","generated_api/darts.models.components.transformer.rst","generated_api/darts.models.filtering.rst","generated_api/darts.models.filtering.filtering_model.rst","generated_api/darts.models.filtering.gaussian_process_filter.rst","generated_api/darts.models.filtering.kalman_filter.rst","generated_api/darts.models.filtering.moving_average_filter.rst","generated_api/darts.models.forecasting.rst","generated_api/darts.models.forecasting.arima.rst","generated_api/darts.models.forecasting.auto_arima.rst","generated_api/darts.models.forecasting.baselines.rst","generated_api/darts.models.forecasting.block_rnn_model.rst","generated_api/darts.models.forecasting.catboost_model.rst","generated_api/darts.models.forecasting.croston.rst","generated_api/darts.models.forecasting.dlinear.rst","generated_api/darts.models.forecasting.ensemble_model.rst","generated_api/darts.models.forecasting.exponential_smoothing.rst","generated_api/darts.models.forecasting.fft.rst","generated_api/darts.models.forecasting.forecasting_model.rst","generated_api/darts.models.forecasting.kalman_forecaster.rst","generated_api/darts.models.forecasting.lgbm.rst","generated_api/darts.models.forecasting.linear_regression_model.rst","generated_api/darts.models.forecasting.nbeats.rst","generated_api/darts.models.forecasting.nhits.rst","generated_api/darts.models.forecasting.nlinear.rst","generated_api/darts.models.forecasting.pl_forecasting_module.rst","generated_api/darts.models.forecasting.prophet_model.rst","generated_api/darts.models.forecasting.random_forest.rst","generated_api/darts.models.forecasting.regression_ensemble_model.rst","generated_api/darts.models.forecasting.regression_model.rst","generated_api/darts.models.forecasting.rnn_model.rst","generated_api/darts.models.forecasting.sf_auto_arima.rst","generated_api/darts.models.forecasting.sf_auto_ces.rst","generated_api/darts.models.forecasting.sf_auto_ets.rst","generated_api/darts.models.forecasting.sf_auto_theta.rst","generated_api/darts.models.forecasting.tbats_model.rst","generated_api/darts.models.forecasting.tcn_model.rst","generated_api/darts.models.forecasting.tft_model.rst","generated_api/darts.models.forecasting.tft_submodels.rst","generated_api/darts.models.forecasting.theta.rst","generated_api/darts.models.forecasting.tide_model.rst","generated_api/darts.models.forecasting.torch_forecasting_model.rst","generated_api/darts.models.forecasting.transformer_model.rst","generated_api/darts.models.forecasting.varima.rst","generated_api/darts.models.forecasting.xgboost.rst","generated_api/darts.models.utils.rst","generated_api/darts.timeseries.rst","generated_api/darts.utils.rst","generated_api/darts.utils.callbacks.rst","generated_api/darts.utils.data.rst","generated_api/darts.utils.data.horizon_based_dataset.rst","generated_api/darts.utils.data.inference_dataset.rst","generated_api/darts.utils.data.sequential_dataset.rst","generated_api/darts.utils.data.shifted_dataset.rst","generated_api/darts.utils.data.tabularization.rst","generated_api/darts.utils.data.training_dataset.rst","generated_api/darts.utils.data.utils.rst","generated_api/darts.utils.historical_forecasts.rst","generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_regression.rst","generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_torch.rst","generated_api/darts.utils.historical_forecasts.utils.rst","generated_api/darts.utils.likelihood_models.rst","generated_api/darts.utils.losses.rst","generated_api/darts.utils.missing_values.rst","generated_api/darts.utils.model_selection.rst","generated_api/darts.utils.multioutput.rst","generated_api/darts.utils.statistics.rst","generated_api/darts.utils.timeseries_generation.rst","generated_api/darts.utils.torch.rst","generated_api/darts.utils.utils.rst","index.rst","quickstart/00-quickstart.ipynb","userguide.rst","userguide/covariates.rst","userguide/faq.rst","userguide/forecasting_overview.rst","userguide/gpu_and_tpu_usage.rst","userguide/hyperparameter_optimization.rst","userguide/timeseries.rst","userguide/torch_forecasting_models.rst"],objects:{"":[[22,0,0,"-","darts"]],"darts.ad":[[24,0,0,"-","aggregators"],[29,0,0,"-","anomaly_model"],[33,0,0,"-","detectors"],[37,0,0,"-","scorers"],[50,0,0,"-","utils"]],"darts.ad.aggregators":[[25,0,0,"-","aggregators"],[26,0,0,"-","and_aggregator"],[27,0,0,"-","ensemble_sklearn_aggregator"],[28,0,0,"-","or_aggregator"]],"darts.ad.aggregators.aggregators":[[25,1,1,"","Aggregator"],[25,1,1,"","FittableAggregator"],[25,1,1,"","NonFittableAggregator"]],"darts.ad.aggregators.aggregators.Aggregator":[[25,2,1,"","eval_accuracy"],[25,2,1,"","predict"]],"darts.ad.aggregators.aggregators.FittableAggregator":[[25,2,1,"","eval_accuracy"],[25,2,1,"","fit"],[25,2,1,"","predict"]],"darts.ad.aggregators.aggregators.NonFittableAggregator":[[25,2,1,"","eval_accuracy"],[25,2,1,"","predict"]],"darts.ad.aggregators.and_aggregator":[[26,1,1,"","AndAggregator"]],"darts.ad.aggregators.and_aggregator.AndAggregator":[[26,2,1,"","eval_accuracy"],[26,2,1,"","predict"]],"darts.ad.aggregators.ensemble_sklearn_aggregator":[[27,1,1,"","EnsembleSklearnAggregator"]],"darts.ad.aggregators.ensemble_sklearn_aggregator.EnsembleSklearnAggregator":[[27,2,1,"","eval_accuracy"],[27,2,1,"","fit"],[27,2,1,"","predict"]],"darts.ad.aggregators.or_aggregator":[[28,1,1,"","OrAggregator"]],"darts.ad.aggregators.or_aggregator.OrAggregator":[[28,2,1,"","eval_accuracy"],[28,2,1,"","predict"]],"darts.ad.anomaly_model":[[30,0,0,"-","anomaly_model"],[31,0,0,"-","filtering_am"],[32,0,0,"-","forecasting_am"]],"darts.ad.anomaly_model.filtering_am":[[31,1,1,"","FilteringAnomalyModel"]],"darts.ad.anomaly_model.filtering_am.FilteringAnomalyModel":[[31,2,1,"","eval_accuracy"],[31,2,1,"","fit"],[31,2,1,"","score"],[31,2,1,"","show_anomalies"]],"darts.ad.anomaly_model.forecasting_am":[[32,1,1,"","ForecastingAnomalyModel"]],"darts.ad.anomaly_model.forecasting_am.ForecastingAnomalyModel":[[32,2,1,"","eval_accuracy"],[32,2,1,"","fit"],[32,2,1,"","score"],[32,2,1,"","show_anomalies"]],"darts.ad.detectors":[[34,0,0,"-","detectors"],[35,0,0,"-","quantile_detector"],[36,0,0,"-","threshold_detector"]],"darts.ad.detectors.detectors":[[34,1,1,"","Detector"],[34,1,1,"","FittableDetector"]],"darts.ad.detectors.detectors.Detector":[[34,2,1,"","detect"],[34,2,1,"","eval_accuracy"]],"darts.ad.detectors.detectors.FittableDetector":[[34,2,1,"","detect"],[34,2,1,"","eval_accuracy"],[34,2,1,"","fit"],[34,2,1,"","fit_detect"]],"darts.ad.detectors.quantile_detector":[[35,1,1,"","QuantileDetector"]],"darts.ad.detectors.quantile_detector.QuantileDetector":[[35,2,1,"","detect"],[35,2,1,"","eval_accuracy"],[35,2,1,"","fit"],[35,2,1,"","fit_detect"],[35,3,1,"","high_threshold"],[35,3,1,"","low_threshold"]],"darts.ad.detectors.threshold_detector":[[36,1,1,"","ThresholdDetector"]],"darts.ad.detectors.threshold_detector.ThresholdDetector":[[36,2,1,"","detect"],[36,2,1,"","eval_accuracy"]],"darts.ad.scorers":[[38,0,0,"-","difference_scorer"],[39,0,0,"-","kmeans_scorer"],[40,0,0,"-","nll_cauchy_scorer"],[41,0,0,"-","nll_exponential_scorer"],[42,0,0,"-","nll_gamma_scorer"],[43,0,0,"-","nll_gaussian_scorer"],[44,0,0,"-","nll_laplace_scorer"],[45,0,0,"-","nll_poisson_scorer"],[46,0,0,"-","norm_scorer"],[47,0,0,"-","pyod_scorer"],[48,0,0,"-","scorers"],[49,0,0,"-","wasserstein_scorer"]],"darts.ad.scorers.difference_scorer":[[38,1,1,"","DifferenceScorer"]],"darts.ad.scorers.difference_scorer.DifferenceScorer":[[38,2,1,"","eval_accuracy_from_prediction"],[38,4,1,"","is_probabilistic"],[38,2,1,"","score_from_prediction"],[38,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.kmeans_scorer":[[39,1,1,"","KMeansScorer"]],"darts.ad.scorers.kmeans_scorer.KMeansScorer":[[39,2,1,"","check_if_fit_called"],[39,2,1,"","eval_accuracy"],[39,2,1,"","eval_accuracy_from_prediction"],[39,2,1,"","fit"],[39,2,1,"","fit_from_prediction"],[39,4,1,"","is_probabilistic"],[39,2,1,"","score"],[39,2,1,"","score_from_prediction"],[39,2,1,"","show_anomalies"],[39,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.nll_cauchy_scorer":[[40,1,1,"","CauchyNLLScorer"]],"darts.ad.scorers.nll_cauchy_scorer.CauchyNLLScorer":[[40,2,1,"","eval_accuracy_from_prediction"],[40,4,1,"","is_probabilistic"],[40,2,1,"","score_from_prediction"],[40,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.nll_exponential_scorer":[[41,1,1,"","ExponentialNLLScorer"]],"darts.ad.scorers.nll_exponential_scorer.ExponentialNLLScorer":[[41,2,1,"","eval_accuracy_from_prediction"],[41,4,1,"","is_probabilistic"],[41,2,1,"","score_from_prediction"],[41,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.nll_gamma_scorer":[[42,1,1,"","GammaNLLScorer"]],"darts.ad.scorers.nll_gamma_scorer.GammaNLLScorer":[[42,2,1,"","eval_accuracy_from_prediction"],[42,4,1,"","is_probabilistic"],[42,2,1,"","score_from_prediction"],[42,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.nll_gaussian_scorer":[[43,1,1,"","GaussianNLLScorer"]],"darts.ad.scorers.nll_gaussian_scorer.GaussianNLLScorer":[[43,2,1,"","eval_accuracy_from_prediction"],[43,4,1,"","is_probabilistic"],[43,2,1,"","score_from_prediction"],[43,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.nll_laplace_scorer":[[44,1,1,"","LaplaceNLLScorer"]],"darts.ad.scorers.nll_laplace_scorer.LaplaceNLLScorer":[[44,2,1,"","eval_accuracy_from_prediction"],[44,4,1,"","is_probabilistic"],[44,2,1,"","score_from_prediction"],[44,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.nll_poisson_scorer":[[45,1,1,"","PoissonNLLScorer"]],"darts.ad.scorers.nll_poisson_scorer.PoissonNLLScorer":[[45,2,1,"","eval_accuracy_from_prediction"],[45,4,1,"","is_probabilistic"],[45,2,1,"","score_from_prediction"],[45,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.norm_scorer":[[46,1,1,"","NormScorer"]],"darts.ad.scorers.norm_scorer.NormScorer":[[46,2,1,"","eval_accuracy_from_prediction"],[46,4,1,"","is_probabilistic"],[46,2,1,"","score_from_prediction"],[46,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.pyod_scorer":[[47,1,1,"","PyODScorer"]],"darts.ad.scorers.pyod_scorer.PyODScorer":[[47,2,1,"","check_if_fit_called"],[47,2,1,"","eval_accuracy"],[47,2,1,"","eval_accuracy_from_prediction"],[47,2,1,"","fit"],[47,2,1,"","fit_from_prediction"],[47,4,1,"","is_probabilistic"],[47,2,1,"","score"],[47,2,1,"","score_from_prediction"],[47,2,1,"","show_anomalies"],[47,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.scorers":[[48,1,1,"","AnomalyScorer"],[48,1,1,"","FittableAnomalyScorer"],[48,1,1,"","NLLScorer"],[48,1,1,"","NonFittableAnomalyScorer"]],"darts.ad.scorers.scorers.AnomalyScorer":[[48,2,1,"","eval_accuracy_from_prediction"],[48,4,1,"","is_probabilistic"],[48,2,1,"","score_from_prediction"],[48,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.scorers.FittableAnomalyScorer":[[48,2,1,"","check_if_fit_called"],[48,2,1,"","eval_accuracy"],[48,2,1,"","eval_accuracy_from_prediction"],[48,2,1,"","fit"],[48,2,1,"","fit_from_prediction"],[48,4,1,"","is_probabilistic"],[48,2,1,"","score"],[48,2,1,"","score_from_prediction"],[48,2,1,"","show_anomalies"],[48,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.scorers.NLLScorer":[[48,2,1,"","eval_accuracy_from_prediction"],[48,4,1,"","is_probabilistic"],[48,2,1,"","score_from_prediction"],[48,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.scorers.NonFittableAnomalyScorer":[[48,2,1,"","eval_accuracy_from_prediction"],[48,4,1,"","is_probabilistic"],[48,2,1,"","score_from_prediction"],[48,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.wasserstein_scorer":[[49,1,1,"","WassersteinScorer"]],"darts.ad.scorers.wasserstein_scorer.WassersteinScorer":[[49,2,1,"","check_if_fit_called"],[49,2,1,"","eval_accuracy"],[49,2,1,"","eval_accuracy_from_prediction"],[49,2,1,"","fit"],[49,2,1,"","fit_from_prediction"],[49,4,1,"","is_probabilistic"],[49,2,1,"","score"],[49,2,1,"","score_from_prediction"],[49,2,1,"","show_anomalies"],[49,2,1,"","show_anomalies_from_prediction"]],"darts.ad.utils":[[50,5,1,"","eval_accuracy_from_binary_prediction"],[50,5,1,"","eval_accuracy_from_scores"],[50,5,1,"","show_anomalies_from_scores"]],"darts.dataprocessing":[[52,0,0,"-","dtw"],[56,0,0,"-","encoders"],[59,0,0,"-","pipeline"],[60,0,0,"-","transformers"]],"darts.dataprocessing.dtw":[[53,0,0,"-","cost_matrix"],[54,0,0,"-","dtw"],[55,0,0,"-","window"]],"darts.dataprocessing.dtw.cost_matrix":[[53,1,1,"","CostMatrix"],[53,1,1,"","DenseCostMatrix"],[53,1,1,"","SparseCostMatrix"]],"darts.dataprocessing.dtw.cost_matrix.CostMatrix":[[53,2,1,"","fill"],[53,3,1,"","m"],[53,3,1,"","n"],[53,2,1,"","to_dense"]],"darts.dataprocessing.dtw.cost_matrix.DenseCostMatrix":[[53,3,1,"","ALIGNED"],[53,3,1,"","BEHAVED"],[53,3,1,"","CARRAY"],[53,3,1,"","C_CONTIGUOUS"],[53,3,1,"","FARRAY"],[53,3,1,"","FNC"],[53,3,1,"","FORC"],[53,3,1,"","F_CONTIGUOUS"],[53,3,1,"","OWNDATA"],[53,3,1,"","T"],[53,3,1,"","WRITEABLE"],[53,3,1,"","WRITEBACKIFCOPY"],[53,2,1,"","all"],[53,2,1,"","any"],[53,2,1,"","argmax"],[53,2,1,"","argmin"],[53,2,1,"","argpartition"],[53,2,1,"","argsort"],[53,2,1,"","astype"],[53,3,1,"","base"],[53,2,1,"","byteswap"],[53,2,1,"","choose"],[53,2,1,"","clip"],[53,2,1,"","compress"],[53,2,1,"","conj"],[53,2,1,"","conjugate"],[53,2,1,"","copy"],[53,3,1,"","ctypes"],[53,2,1,"","cumprod"],[53,2,1,"","cumsum"],[53,3,1,"","data"],[53,2,1,"","diagonal"],[53,2,1,"","dot"],[53,3,1,"","dtype"],[53,2,1,"","dump"],[53,2,1,"","dumps"],[53,2,1,"","fill"],[53,3,1,"","flags"],[53,3,1,"","flat"],[53,2,1,"","flatten"],[53,2,1,"","getfield"],[53,3,1,"","imag"],[53,2,1,"","item"],[53,2,1,"","itemset"],[53,3,1,"","itemsize"],[53,3,1,"","m"],[53,2,1,"","max"],[53,2,1,"","mean"],[53,2,1,"","min"],[53,3,1,"","n"],[53,3,1,"","nbytes"],[53,3,1,"","ndim"],[53,2,1,"","newbyteorder"],[53,2,1,"","nonzero"],[53,2,1,"","partition"],[53,2,1,"","prod"],[53,2,1,"","ptp"],[53,2,1,"","put"],[53,2,1,"","ravel"],[53,3,1,"","real"],[53,2,1,"","repeat"],[53,2,1,"","reshape"],[53,2,1,"","resize"],[53,2,1,"","round"],[53,2,1,"","searchsorted"],[53,2,1,"","setfield"],[53,2,1,"","setflags"],[53,3,1,"","shape"],[53,3,1,"","size"],[53,2,1,"","sort"],[53,2,1,"","squeeze"],[53,2,1,"","std"],[53,3,1,"","strides"],[53,2,1,"","sum"],[53,2,1,"","swapaxes"],[53,2,1,"","take"],[53,2,1,"","to_dense"],[53,2,1,"","tobytes"],[53,2,1,"","tofile"],[53,2,1,"","tolist"],[53,2,1,"","tostring"],[53,2,1,"","trace"],[53,2,1,"","transpose"],[53,2,1,"","var"],[53,2,1,"","view"]],"darts.dataprocessing.dtw.cost_matrix.SparseCostMatrix":[[53,2,1,"","fill"],[53,3,1,"","m"],[53,3,1,"","n"],[53,2,1,"","to_dense"]],"darts.dataprocessing.dtw.dtw":[[54,1,1,"","DTWAlignment"],[54,5,1,"","dtw"]],"darts.dataprocessing.dtw.dtw.DTWAlignment":[[54,3,1,"id0","cost"],[54,2,1,"","distance"],[54,3,1,"id1","m"],[54,2,1,"","mean_distance"],[54,3,1,"id2","n"],[54,2,1,"","path"],[54,2,1,"","plot"],[54,2,1,"","plot_alignment"],[54,3,1,"id3","series1"],[54,3,1,"id4","series2"],[54,2,1,"","warped"]],"darts.dataprocessing.dtw.window":[[55,1,1,"","CRWindow"],[55,1,1,"","Itakura"],[55,1,1,"","NoWindow"],[55,1,1,"","SakoeChiba"],[55,1,1,"","Window"],[55,5,1,"","gtz"]],"darts.dataprocessing.dtw.window.CRWindow":[[55,2,1,"","add"],[55,2,1,"","add_range"],[55,2,1,"","column_index"],[55,2,1,"","column_length"],[55,2,1,"","column_lengths"],[55,3,1,"","column_ranges"],[55,2,1,"","init_size"],[55,3,1,"","length"],[55,3,1,"","m"],[55,3,1,"","n"]],"darts.dataprocessing.dtw.window.Itakura":[[55,2,1,"","add"],[55,2,1,"","add_range"],[55,2,1,"","column_index"],[55,2,1,"","column_length"],[55,2,1,"","column_lengths"],[55,3,1,"","column_ranges"],[55,2,1,"","init_size"],[55,3,1,"","length"],[55,3,1,"","m"],[55,3,1,"","n"]],"darts.dataprocessing.dtw.window.NoWindow":[[55,2,1,"","column_index"],[55,2,1,"","column_length"],[55,2,1,"","column_lengths"],[55,2,1,"","init_size"],[55,3,1,"","m"],[55,3,1,"","n"]],"darts.dataprocessing.dtw.window.SakoeChiba":[[55,2,1,"","add"],[55,2,1,"","add_range"],[55,2,1,"","column_index"],[55,2,1,"","column_length"],[55,2,1,"","column_lengths"],[55,3,1,"","column_ranges"],[55,2,1,"","init_size"],[55,3,1,"","length"],[55,3,1,"","m"],[55,3,1,"","n"]],"darts.dataprocessing.dtw.window.Window":[[55,2,1,"","column_index"],[55,2,1,"","column_length"],[55,2,1,"","column_lengths"],[55,2,1,"","init_size"],[55,3,1,"","m"],[55,3,1,"","n"]],"darts.dataprocessing.encoders":[[57,0,0,"-","encoder_base"],[58,0,0,"-","encoders"]],"darts.dataprocessing.encoders.encoder_base":[[57,1,1,"","CovariatesIndexGenerator"],[57,1,1,"","Encoder"],[57,1,1,"","FutureCovariatesIndexGenerator"],[57,1,1,"","PastCovariatesIndexGenerator"],[57,1,1,"","SequentialEncoderTransformer"],[57,1,1,"","SingleEncoder"]],"darts.dataprocessing.encoders.encoder_base.CovariatesIndexGenerator":[[57,4,1,"","base_component_name"],[57,2,1,"","generate_inference_idx"],[57,2,1,"","generate_train_idx"],[57,2,1,"","generate_train_inference_idx"]],"darts.dataprocessing.encoders.encoder_base.Encoder":[[57,2,1,"","encode_inference"],[57,2,1,"","encode_train"],[57,2,1,"","encode_train_inference"],[57,4,1,"","fit_called"],[57,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoder_base.FutureCovariatesIndexGenerator":[[57,4,1,"","base_component_name"],[57,2,1,"","generate_inference_idx"],[57,2,1,"","generate_train_idx"],[57,2,1,"","generate_train_inference_idx"]],"darts.dataprocessing.encoders.encoder_base.PastCovariatesIndexGenerator":[[57,4,1,"","base_component_name"],[57,2,1,"","generate_inference_idx"],[57,2,1,"","generate_train_idx"],[57,2,1,"","generate_train_inference_idx"]],"darts.dataprocessing.encoders.encoder_base.SequentialEncoderTransformer":[[57,4,1,"","fit_called"],[57,2,1,"","transform"]],"darts.dataprocessing.encoders.encoder_base.SingleEncoder":[[57,4,1,"","accept_transformer"],[57,4,1,"","base_component_name"],[57,4,1,"","components"],[57,2,1,"","encode_inference"],[57,2,1,"","encode_train"],[57,2,1,"","encode_train_inference"],[57,4,1,"","encoding_n_components"],[57,4,1,"","fit_called"],[57,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders":[[58,1,1,"","CallableIndexEncoder"],[58,1,1,"","CyclicTemporalEncoder"],[58,1,1,"","DatetimeAttributeEncoder"],[58,1,1,"","FutureCallableIndexEncoder"],[58,1,1,"","FutureCyclicEncoder"],[58,1,1,"","FutureDatetimeAttributeEncoder"],[58,1,1,"","FutureIntegerIndexEncoder"],[58,1,1,"","IntegerIndexEncoder"],[58,1,1,"","PastCallableIndexEncoder"],[58,1,1,"","PastCyclicEncoder"],[58,1,1,"","PastDatetimeAttributeEncoder"],[58,1,1,"","PastIntegerIndexEncoder"],[58,1,1,"","SequentialEncoder"]],"darts.dataprocessing.encoders.encoders.CallableIndexEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.CyclicTemporalEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.DatetimeAttributeEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.FutureCallableIndexEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.FutureCyclicEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.FutureDatetimeAttributeEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.FutureIntegerIndexEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.IntegerIndexEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.PastCallableIndexEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.PastCyclicEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.PastDatetimeAttributeEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.PastIntegerIndexEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.SequentialEncoder":[[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoder_map"],[58,4,1,"","encoders"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","future_components"],[58,4,1,"","future_encoders"],[58,4,1,"","future_transformer"],[58,4,1,"","past_components"],[58,4,1,"","past_encoders"],[58,4,1,"","past_transformer"],[58,4,1,"","requires_fit"],[58,2,1,"","transformers"]],"darts.dataprocessing.pipeline":[[59,1,1,"","Pipeline"]],"darts.dataprocessing.pipeline.Pipeline":[[59,2,1,"","fit"],[59,2,1,"","fit_transform"],[59,2,1,"","inverse_transform"],[59,2,1,"","invertible"],[59,2,1,"","transform"]],"darts.dataprocessing.transformers":[[61,0,0,"-","base_data_transformer"],[62,0,0,"-","boxcox"],[63,0,0,"-","diff"],[64,0,0,"-","fittable_data_transformer"],[65,0,0,"-","invertible_data_transformer"],[66,0,0,"-","mappers"],[67,0,0,"-","midas"],[68,0,0,"-","missing_values_filler"],[69,0,0,"-","reconciliation"],[70,0,0,"-","scaler"],[71,0,0,"-","static_covariates_transformer"],[72,0,0,"-","window_transformer"]],"darts.dataprocessing.transformers.base_data_transformer":[[61,1,1,"","BaseDataTransformer"]],"darts.dataprocessing.transformers.base_data_transformer.BaseDataTransformer":[[61,2,1,"","apply_component_mask"],[61,3,1,"id0","hierarchy"],[61,4,1,"","name"],[61,2,1,"","set_n_jobs"],[61,2,1,"","set_verbose"],[61,2,1,"","stack_samples"],[61,2,1,"","transform"],[61,2,1,"","ts_transform"],[61,2,1,"","unapply_component_mask"],[61,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.boxcox":[[62,1,1,"","BoxCox"]],"darts.dataprocessing.transformers.boxcox.BoxCox":[[62,2,1,"","apply_component_mask"],[62,2,1,"","fit"],[62,2,1,"","fit_transform"],[62,2,1,"","inverse_transform"],[62,4,1,"","name"],[62,2,1,"","set_n_jobs"],[62,2,1,"","set_verbose"],[62,2,1,"","stack_samples"],[62,2,1,"","transform"],[62,2,1,"","ts_fit"],[62,2,1,"","ts_inverse_transform"],[62,2,1,"","ts_transform"],[62,2,1,"","unapply_component_mask"],[62,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.diff":[[63,1,1,"","Diff"]],"darts.dataprocessing.transformers.diff.Diff":[[63,2,1,"","apply_component_mask"],[63,2,1,"","fit"],[63,2,1,"","fit_transform"],[63,2,1,"","inverse_transform"],[63,4,1,"","name"],[63,2,1,"","set_n_jobs"],[63,2,1,"","set_verbose"],[63,2,1,"","stack_samples"],[63,2,1,"","transform"],[63,2,1,"","ts_fit"],[63,2,1,"","ts_inverse_transform"],[63,2,1,"","ts_transform"],[63,2,1,"","unapply_component_mask"],[63,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.fittable_data_transformer":[[64,1,1,"","FittableDataTransformer"]],"darts.dataprocessing.transformers.fittable_data_transformer.FittableDataTransformer":[[64,2,1,"","apply_component_mask"],[64,2,1,"","fit"],[64,2,1,"","fit_transform"],[64,3,1,"id0","hierarchy"],[64,4,1,"","name"],[64,2,1,"","set_n_jobs"],[64,2,1,"","set_verbose"],[64,2,1,"","stack_samples"],[64,2,1,"","transform"],[64,2,1,"","ts_fit"],[64,2,1,"","ts_transform"],[64,2,1,"","unapply_component_mask"],[64,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.invertible_data_transformer":[[65,1,1,"","InvertibleDataTransformer"]],"darts.dataprocessing.transformers.invertible_data_transformer.InvertibleDataTransformer":[[65,2,1,"","apply_component_mask"],[65,3,1,"id1","hierarchy"],[65,2,1,"","inverse_transform"],[65,4,1,"","name"],[65,2,1,"","set_n_jobs"],[65,2,1,"","set_verbose"],[65,2,1,"","stack_samples"],[65,2,1,"","transform"],[65,2,1,"","ts_inverse_transform"],[65,2,1,"","ts_transform"],[65,2,1,"","unapply_component_mask"],[65,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.mappers":[[66,1,1,"","InvertibleMapper"],[66,1,1,"","Mapper"]],"darts.dataprocessing.transformers.mappers.InvertibleMapper":[[66,2,1,"","apply_component_mask"],[66,2,1,"","inverse_transform"],[66,4,1,"","name"],[66,2,1,"","set_n_jobs"],[66,2,1,"","set_verbose"],[66,2,1,"","stack_samples"],[66,2,1,"","transform"],[66,2,1,"","ts_inverse_transform"],[66,2,1,"","ts_transform"],[66,2,1,"","unapply_component_mask"],[66,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.mappers.Mapper":[[66,2,1,"","apply_component_mask"],[66,4,1,"","name"],[66,2,1,"","set_n_jobs"],[66,2,1,"","set_verbose"],[66,2,1,"","stack_samples"],[66,2,1,"","transform"],[66,2,1,"","ts_transform"],[66,2,1,"","unapply_component_mask"],[66,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.midas":[[67,1,1,"","MIDAS"]],"darts.dataprocessing.transformers.midas.MIDAS":[[67,2,1,"","apply_component_mask"],[67,2,1,"","fit"],[67,2,1,"","fit_transform"],[67,2,1,"","inverse_transform"],[67,4,1,"","name"],[67,2,1,"","set_n_jobs"],[67,2,1,"","set_verbose"],[67,2,1,"","stack_samples"],[67,2,1,"","transform"],[67,2,1,"","ts_fit"],[67,2,1,"","ts_inverse_transform"],[67,2,1,"","ts_transform"],[67,2,1,"","unapply_component_mask"],[67,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.missing_values_filler":[[68,1,1,"","MissingValuesFiller"]],"darts.dataprocessing.transformers.missing_values_filler.MissingValuesFiller":[[68,2,1,"","apply_component_mask"],[68,4,1,"","name"],[68,2,1,"","set_n_jobs"],[68,2,1,"","set_verbose"],[68,2,1,"","stack_samples"],[68,2,1,"","transform"],[68,2,1,"","ts_transform"],[68,2,1,"","unapply_component_mask"],[68,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.reconciliation":[[69,1,1,"","BottomUpReconciliator"],[69,1,1,"","MinTReconciliator"],[69,1,1,"","TopDownReconciliator"]],"darts.dataprocessing.transformers.reconciliation.BottomUpReconciliator":[[69,2,1,"","apply_component_mask"],[69,2,1,"","get_projection_matrix"],[69,3,1,"id0","hierarchy"],[69,4,1,"","name"],[69,2,1,"","set_n_jobs"],[69,2,1,"","set_verbose"],[69,2,1,"","stack_samples"],[69,2,1,"","transform"],[69,2,1,"","ts_transform"],[69,2,1,"","unapply_component_mask"],[69,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.reconciliation.MinTReconciliator":[[69,2,1,"","apply_component_mask"],[69,2,1,"","fit"],[69,2,1,"","fit_transform"],[69,2,1,"","get_matrices"],[69,4,1,"","name"],[69,2,1,"","set_n_jobs"],[69,2,1,"","set_verbose"],[69,2,1,"","stack_samples"],[69,2,1,"","transform"],[69,2,1,"","ts_fit"],[69,2,1,"","ts_transform"],[69,2,1,"","unapply_component_mask"],[69,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.reconciliation.TopDownReconciliator":[[69,2,1,"","apply_component_mask"],[69,2,1,"","fit"],[69,2,1,"","fit_transform"],[69,2,1,"","get_projection_matrix"],[69,3,1,"id8","hierarchy"],[69,4,1,"","name"],[69,2,1,"","set_n_jobs"],[69,2,1,"","set_verbose"],[69,2,1,"","stack_samples"],[69,2,1,"","transform"],[69,2,1,"","ts_fit"],[69,2,1,"","ts_transform"],[69,2,1,"","unapply_component_mask"],[69,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.scaler":[[70,1,1,"","Scaler"]],"darts.dataprocessing.transformers.scaler.Scaler":[[70,2,1,"","apply_component_mask"],[70,2,1,"","fit"],[70,2,1,"","fit_transform"],[70,2,1,"","inverse_transform"],[70,4,1,"","name"],[70,2,1,"","set_n_jobs"],[70,2,1,"","set_verbose"],[70,2,1,"","stack_samples"],[70,2,1,"","transform"],[70,2,1,"","ts_fit"],[70,2,1,"","ts_inverse_transform"],[70,2,1,"","ts_transform"],[70,2,1,"","unapply_component_mask"],[70,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.static_covariates_transformer":[[71,1,1,"","StaticCovariatesTransformer"]],"darts.dataprocessing.transformers.static_covariates_transformer.StaticCovariatesTransformer":[[71,2,1,"","apply_component_mask"],[71,2,1,"","fit"],[71,2,1,"","fit_transform"],[71,2,1,"","inverse_transform"],[71,4,1,"","name"],[71,2,1,"","set_n_jobs"],[71,2,1,"","set_verbose"],[71,2,1,"","stack_samples"],[71,2,1,"","transform"],[71,2,1,"","ts_fit"],[71,2,1,"","ts_inverse_transform"],[71,2,1,"","ts_transform"],[71,2,1,"","unapply_component_mask"],[71,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.window_transformer":[[72,1,1,"","WindowTransformer"]],"darts.dataprocessing.transformers.window_transformer.WindowTransformer":[[72,2,1,"","apply_component_mask"],[72,4,1,"","name"],[72,2,1,"","set_n_jobs"],[72,2,1,"","set_verbose"],[72,2,1,"","stack_samples"],[72,2,1,"","transform"],[72,2,1,"","ts_transform"],[72,2,1,"","unapply_component_mask"],[72,2,1,"","unstack_samples"]],"darts.datasets":[[73,1,1,"","AirPassengersDataset"],[73,1,1,"","AusBeerDataset"],[73,1,1,"","AustralianTourismDataset"],[73,1,1,"","ETTh1Dataset"],[73,1,1,"","ETTh2Dataset"],[73,1,1,"","ETTm1Dataset"],[73,1,1,"","ETTm2Dataset"],[73,1,1,"","ElectricityConsumptionZurichDataset"],[73,1,1,"","ElectricityDataset"],[73,1,1,"","EnergyDataset"],[73,1,1,"","ExchangeRateDataset"],[73,1,1,"","GasRateCO2Dataset"],[73,1,1,"","HeartRateDataset"],[73,1,1,"","ILINetDataset"],[73,1,1,"","IceCreamHeaterDataset"],[73,1,1,"","MonthlyMilkDataset"],[73,1,1,"","MonthlyMilkIncompleteDataset"],[73,1,1,"","SunspotsDataset"],[73,1,1,"","TaylorDataset"],[73,1,1,"","TemperatureDataset"],[73,1,1,"","TrafficDataset"],[73,1,1,"","USGasolineDataset"],[73,1,1,"","UberTLCDataset"],[73,1,1,"","WeatherDataset"],[73,1,1,"","WineDataset"],[73,1,1,"","WoolyDataset"],[74,0,0,"-","dataset_loaders"]],"darts.datasets.AirPassengersDataset":[[73,2,1,"","load"]],"darts.datasets.AusBeerDataset":[[73,2,1,"","load"]],"darts.datasets.AustralianTourismDataset":[[73,2,1,"","load"]],"darts.datasets.ETTh1Dataset":[[73,2,1,"","load"]],"darts.datasets.ETTh2Dataset":[[73,2,1,"","load"]],"darts.datasets.ETTm1Dataset":[[73,2,1,"","load"]],"darts.datasets.ETTm2Dataset":[[73,2,1,"","load"]],"darts.datasets.ElectricityConsumptionZurichDataset":[[73,2,1,"","load"]],"darts.datasets.ElectricityDataset":[[73,2,1,"","load"]],"darts.datasets.EnergyDataset":[[73,2,1,"","load"]],"darts.datasets.ExchangeRateDataset":[[73,2,1,"","load"]],"darts.datasets.GasRateCO2Dataset":[[73,2,1,"","load"]],"darts.datasets.HeartRateDataset":[[73,2,1,"","load"]],"darts.datasets.ILINetDataset":[[73,2,1,"","load"]],"darts.datasets.IceCreamHeaterDataset":[[73,2,1,"","load"]],"darts.datasets.MonthlyMilkDataset":[[73,2,1,"","load"]],"darts.datasets.MonthlyMilkIncompleteDataset":[[73,2,1,"","load"]],"darts.datasets.SunspotsDataset":[[73,2,1,"","load"]],"darts.datasets.TaylorDataset":[[73,2,1,"","load"]],"darts.datasets.TemperatureDataset":[[73,2,1,"","load"]],"darts.datasets.TrafficDataset":[[73,2,1,"","load"]],"darts.datasets.USGasolineDataset":[[73,2,1,"","load"]],"darts.datasets.UberTLCDataset":[[73,2,1,"","load"]],"darts.datasets.WeatherDataset":[[73,2,1,"","load"]],"darts.datasets.WineDataset":[[73,2,1,"","load"]],"darts.datasets.WoolyDataset":[[73,2,1,"","load"]],"darts.datasets.dataset_loaders":[[74,1,1,"","DatasetLoader"],[74,1,1,"","DatasetLoaderCSV"],[74,1,1,"","DatasetLoaderMetadata"],[74,6,1,"","DatasetLoadingException"]],"darts.datasets.dataset_loaders.DatasetLoader":[[74,2,1,"","load"]],"darts.datasets.dataset_loaders.DatasetLoaderCSV":[[74,2,1,"","load"]],"darts.datasets.dataset_loaders.DatasetLoaderMetadata":[[74,3,1,"","format_time"],[74,3,1,"","freq"],[74,3,1,"","hash"],[74,3,1,"","header_time"],[74,3,1,"","multivariate"],[74,3,1,"","name"],[74,3,1,"","pre_process_csv_fn"],[74,3,1,"","pre_process_zipped_csv_fn"],[74,3,1,"","uri"]],"darts.datasets.dataset_loaders.DatasetLoadingException":[[74,3,1,"","args"],[74,2,1,"","with_traceback"]],"darts.explainability":[[76,0,0,"-","explainability"],[77,0,0,"-","explainability_result"],[78,0,0,"-","shap_explainer"],[79,0,0,"-","tft_explainer"],[80,0,0,"-","utils"]],"darts.explainability.explainability_result":[[77,1,1,"","ComponentBasedExplainabilityResult"],[77,1,1,"","HorizonBasedExplainabilityResult"],[77,1,1,"","ShapExplainabilityResult"],[77,1,1,"","TFTExplainabilityResult"]],"darts.explainability.explainability_result.ComponentBasedExplainabilityResult":[[77,2,1,"","get_explanation"]],"darts.explainability.explainability_result.HorizonBasedExplainabilityResult":[[77,2,1,"","get_explanation"]],"darts.explainability.explainability_result.ShapExplainabilityResult":[[77,2,1,"","get_explanation"],[77,2,1,"","get_feature_values"],[77,2,1,"","get_shap_explanation_object"]],"darts.explainability.explainability_result.TFTExplainabilityResult":[[77,2,1,"","get_attention"],[77,2,1,"","get_decoder_importance"],[77,2,1,"","get_encoder_importance"],[77,2,1,"","get_explanation"],[77,2,1,"","get_feature_importances"],[77,2,1,"","get_static_covariates_importance"]],"darts.explainability.shap_explainer":[[78,1,1,"","ShapExplainer"]],"darts.explainability.shap_explainer.ShapExplainer":[[78,2,1,"","explain"],[78,2,1,"","force_plot_from_ts"],[78,3,1,"","model"],[78,2,1,"","summary_plot"]],"darts.explainability.tft_explainer":[[79,1,1,"","TFTExplainer"]],"darts.explainability.tft_explainer.TFTExplainer":[[79,2,1,"","explain"],[79,3,1,"","model"],[79,2,1,"","plot_attention"],[79,2,1,"","plot_variable_selection"]],"darts.explainability.utils":[[80,5,1,"","get_component_names"],[80,5,1,"","process_horizons_and_targets"],[80,5,1,"","process_input"]],"darts.metrics":[[82,0,0,"-","metrics"]],"darts.metrics.metrics":[[82,5,1,"","coefficient_of_variation"],[82,5,1,"","dtw_metric"],[82,5,1,"","mae"],[82,5,1,"","mape"],[82,5,1,"","marre"],[82,5,1,"","mase"],[82,5,1,"","mse"],[82,5,1,"","multi_ts_support"],[82,5,1,"","multivariate_support"],[82,5,1,"","ope"],[82,5,1,"","quantile_loss"],[82,5,1,"","r2_score"],[82,5,1,"","rho_risk"],[82,5,1,"","rmse"],[82,5,1,"","rmsle"],[82,5,1,"","smape"]],"darts.models":[[84,0,0,"-","components"],[90,0,0,"-","filtering"],[95,0,0,"-","forecasting"],[133,0,0,"-","utils"]],"darts.models.components":[[85,0,0,"-","feed_forward"],[86,0,0,"-","glu_variants"],[87,0,0,"-","layer_norm_variants"],[88,0,0,"-","statsforecast_utils"],[89,0,0,"-","transformer"]],"darts.models.components.feed_forward":[[85,1,1,"","FeedForward"]],"darts.models.components.feed_forward.FeedForward":[[85,3,1,"","T_destination"],[85,2,1,"","add_module"],[85,2,1,"","apply"],[85,2,1,"","bfloat16"],[85,2,1,"","buffers"],[85,3,1,"","call_super_init"],[85,2,1,"","children"],[85,2,1,"","compile"],[85,2,1,"","cpu"],[85,2,1,"","cuda"],[85,2,1,"","double"],[85,3,1,"","dump_patches"],[85,2,1,"","eval"],[85,2,1,"","extra_repr"],[85,2,1,"","float"],[85,2,1,"","forward"],[85,2,1,"","get_buffer"],[85,2,1,"","get_extra_state"],[85,2,1,"","get_parameter"],[85,2,1,"","get_submodule"],[85,2,1,"","half"],[85,2,1,"","ipu"],[85,2,1,"","load_state_dict"],[85,2,1,"","modules"],[85,2,1,"","named_buffers"],[85,2,1,"","named_children"],[85,2,1,"","named_modules"],[85,2,1,"","named_parameters"],[85,2,1,"","parameters"],[85,2,1,"","register_backward_hook"],[85,2,1,"","register_buffer"],[85,2,1,"","register_forward_hook"],[85,2,1,"","register_forward_pre_hook"],[85,2,1,"","register_full_backward_hook"],[85,2,1,"","register_full_backward_pre_hook"],[85,2,1,"","register_load_state_dict_post_hook"],[85,2,1,"","register_module"],[85,2,1,"","register_parameter"],[85,2,1,"","register_state_dict_pre_hook"],[85,2,1,"","requires_grad_"],[85,2,1,"","set_extra_state"],[85,2,1,"","share_memory"],[85,2,1,"","state_dict"],[85,2,1,"","to"],[85,2,1,"","to_empty"],[85,2,1,"","train"],[85,3,1,"","training"],[85,2,1,"","type"],[85,2,1,"","xpu"],[85,2,1,"","zero_grad"]],"darts.models.components.glu_variants":[[86,1,1,"","Bilinear"],[86,1,1,"","GEGLU"],[86,1,1,"","GELU"],[86,1,1,"","GLU"],[86,1,1,"","ReGLU"],[86,1,1,"","ReLU"],[86,1,1,"","SwiGLU"]],"darts.models.components.glu_variants.Bilinear":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.glu_variants.GEGLU":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.glu_variants.GELU":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.glu_variants.GLU":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.glu_variants.ReGLU":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.glu_variants.ReLU":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.glu_variants.SwiGLU":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.layer_norm_variants":[[87,1,1,"","LayerNorm"],[87,1,1,"","LayerNormNoBias"],[87,1,1,"","RINorm"],[87,1,1,"","RMSNorm"]],"darts.models.components.layer_norm_variants.LayerNorm":[[87,3,1,"","T_destination"],[87,2,1,"","add_module"],[87,2,1,"","apply"],[87,2,1,"","bfloat16"],[87,2,1,"","buffers"],[87,3,1,"","call_super_init"],[87,2,1,"","children"],[87,2,1,"","compile"],[87,2,1,"","cpu"],[87,2,1,"","cuda"],[87,2,1,"","double"],[87,3,1,"","dump_patches"],[87,3,1,"","elementwise_affine"],[87,3,1,"","eps"],[87,2,1,"","eval"],[87,2,1,"","extra_repr"],[87,2,1,"","float"],[87,2,1,"","forward"],[87,2,1,"","get_buffer"],[87,2,1,"","get_extra_state"],[87,2,1,"","get_parameter"],[87,2,1,"","get_submodule"],[87,2,1,"","half"],[87,2,1,"","ipu"],[87,2,1,"","load_state_dict"],[87,2,1,"","modules"],[87,2,1,"","named_buffers"],[87,2,1,"","named_children"],[87,2,1,"","named_modules"],[87,2,1,"","named_parameters"],[87,3,1,"","normalized_shape"],[87,2,1,"","parameters"],[87,2,1,"","register_backward_hook"],[87,2,1,"","register_buffer"],[87,2,1,"","register_forward_hook"],[87,2,1,"","register_forward_pre_hook"],[87,2,1,"","register_full_backward_hook"],[87,2,1,"","register_full_backward_pre_hook"],[87,2,1,"","register_load_state_dict_post_hook"],[87,2,1,"","register_module"],[87,2,1,"","register_parameter"],[87,2,1,"","register_state_dict_pre_hook"],[87,2,1,"","requires_grad_"],[87,2,1,"","reset_parameters"],[87,2,1,"","set_extra_state"],[87,2,1,"","share_memory"],[87,2,1,"","state_dict"],[87,2,1,"","to"],[87,2,1,"","to_empty"],[87,2,1,"","train"],[87,3,1,"","training"],[87,2,1,"","type"],[87,2,1,"","xpu"],[87,2,1,"","zero_grad"]],"darts.models.components.layer_norm_variants.LayerNormNoBias":[[87,3,1,"","T_destination"],[87,2,1,"","add_module"],[87,2,1,"","apply"],[87,2,1,"","bfloat16"],[87,2,1,"","buffers"],[87,3,1,"","call_super_init"],[87,2,1,"","children"],[87,2,1,"","compile"],[87,2,1,"","cpu"],[87,2,1,"","cuda"],[87,2,1,"","double"],[87,3,1,"","dump_patches"],[87,3,1,"","elementwise_affine"],[87,3,1,"","eps"],[87,2,1,"","eval"],[87,2,1,"","extra_repr"],[87,2,1,"","float"],[87,2,1,"","forward"],[87,2,1,"","get_buffer"],[87,2,1,"","get_extra_state"],[87,2,1,"","get_parameter"],[87,2,1,"","get_submodule"],[87,2,1,"","half"],[87,2,1,"","ipu"],[87,2,1,"","load_state_dict"],[87,2,1,"","modules"],[87,2,1,"","named_buffers"],[87,2,1,"","named_children"],[87,2,1,"","named_modules"],[87,2,1,"","named_parameters"],[87,3,1,"","normalized_shape"],[87,2,1,"","parameters"],[87,2,1,"","register_backward_hook"],[87,2,1,"","register_buffer"],[87,2,1,"","register_forward_hook"],[87,2,1,"","register_forward_pre_hook"],[87,2,1,"","register_full_backward_hook"],[87,2,1,"","register_full_backward_pre_hook"],[87,2,1,"","register_load_state_dict_post_hook"],[87,2,1,"","register_module"],[87,2,1,"","register_parameter"],[87,2,1,"","register_state_dict_pre_hook"],[87,2,1,"","requires_grad_"],[87,2,1,"","reset_parameters"],[87,2,1,"","set_extra_state"],[87,2,1,"","share_memory"],[87,2,1,"","state_dict"],[87,2,1,"","to"],[87,2,1,"","to_empty"],[87,2,1,"","train"],[87,3,1,"","training"],[87,2,1,"","type"],[87,2,1,"","xpu"],[87,2,1,"","zero_grad"]],"darts.models.components.layer_norm_variants.RINorm":[[87,3,1,"","T_destination"],[87,2,1,"","add_module"],[87,2,1,"","apply"],[87,2,1,"","bfloat16"],[87,2,1,"","buffers"],[87,3,1,"","call_super_init"],[87,2,1,"","children"],[87,2,1,"","compile"],[87,2,1,"","cpu"],[87,2,1,"","cuda"],[87,2,1,"","double"],[87,3,1,"","dump_patches"],[87,2,1,"","eval"],[87,2,1,"","extra_repr"],[87,2,1,"","float"],[87,2,1,"","forward"],[87,2,1,"","get_buffer"],[87,2,1,"","get_extra_state"],[87,2,1,"","get_parameter"],[87,2,1,"","get_submodule"],[87,2,1,"","half"],[87,2,1,"","inverse"],[87,2,1,"","ipu"],[87,2,1,"","load_state_dict"],[87,2,1,"","modules"],[87,2,1,"","named_buffers"],[87,2,1,"","named_children"],[87,2,1,"","named_modules"],[87,2,1,"","named_parameters"],[87,2,1,"","parameters"],[87,2,1,"","register_backward_hook"],[87,2,1,"","register_buffer"],[87,2,1,"","register_forward_hook"],[87,2,1,"","register_forward_pre_hook"],[87,2,1,"","register_full_backward_hook"],[87,2,1,"","register_full_backward_pre_hook"],[87,2,1,"","register_load_state_dict_post_hook"],[87,2,1,"","register_module"],[87,2,1,"","register_parameter"],[87,2,1,"","register_state_dict_pre_hook"],[87,2,1,"","requires_grad_"],[87,2,1,"","set_extra_state"],[87,2,1,"","share_memory"],[87,2,1,"","state_dict"],[87,2,1,"","to"],[87,2,1,"","to_empty"],[87,2,1,"","train"],[87,3,1,"","training"],[87,2,1,"","type"],[87,2,1,"","xpu"],[87,2,1,"","zero_grad"]],"darts.models.components.layer_norm_variants.RMSNorm":[[87,3,1,"","T_destination"],[87,2,1,"","add_module"],[87,2,1,"","apply"],[87,2,1,"","bfloat16"],[87,2,1,"","buffers"],[87,3,1,"","call_super_init"],[87,2,1,"","children"],[87,2,1,"","compile"],[87,2,1,"","cpu"],[87,2,1,"","cuda"],[87,2,1,"","double"],[87,3,1,"","dump_patches"],[87,2,1,"","eval"],[87,2,1,"","extra_repr"],[87,2,1,"","float"],[87,2,1,"","forward"],[87,2,1,"","get_buffer"],[87,2,1,"","get_extra_state"],[87,2,1,"","get_parameter"],[87,2,1,"","get_submodule"],[87,2,1,"","half"],[87,2,1,"","ipu"],[87,2,1,"","load_state_dict"],[87,2,1,"","modules"],[87,2,1,"","named_buffers"],[87,2,1,"","named_children"],[87,2,1,"","named_modules"],[87,2,1,"","named_parameters"],[87,2,1,"","parameters"],[87,2,1,"","register_backward_hook"],[87,2,1,"","register_buffer"],[87,2,1,"","register_forward_hook"],[87,2,1,"","register_forward_pre_hook"],[87,2,1,"","register_full_backward_hook"],[87,2,1,"","register_full_backward_pre_hook"],[87,2,1,"","register_load_state_dict_post_hook"],[87,2,1,"","register_module"],[87,2,1,"","register_parameter"],[87,2,1,"","register_state_dict_pre_hook"],[87,2,1,"","requires_grad_"],[87,2,1,"","set_extra_state"],[87,2,1,"","share_memory"],[87,2,1,"","state_dict"],[87,2,1,"","to"],[87,2,1,"","to_empty"],[87,2,1,"","train"],[87,3,1,"","training"],[87,2,1,"","type"],[87,2,1,"","xpu"],[87,2,1,"","zero_grad"]],"darts.models.components.statsforecast_utils":[[88,5,1,"","create_normal_samples"],[88,5,1,"","unpack_sf_dict"]],"darts.models.components.transformer":[[89,1,1,"","CustomFeedForwardDecoderLayer"],[89,1,1,"","CustomFeedForwardEncoderLayer"]],"darts.models.components.transformer.CustomFeedForwardDecoderLayer":[[89,3,1,"","T_destination"],[89,2,1,"","add_module"],[89,2,1,"","apply"],[89,2,1,"","bfloat16"],[89,2,1,"","buffers"],[89,3,1,"","call_super_init"],[89,2,1,"","children"],[89,2,1,"","compile"],[89,2,1,"","cpu"],[89,2,1,"","cuda"],[89,2,1,"","double"],[89,3,1,"","dump_patches"],[89,2,1,"","eval"],[89,2,1,"","extra_repr"],[89,2,1,"","float"],[89,2,1,"","forward"],[89,2,1,"","get_buffer"],[89,2,1,"","get_extra_state"],[89,2,1,"","get_parameter"],[89,2,1,"","get_submodule"],[89,2,1,"","half"],[89,2,1,"","ipu"],[89,2,1,"","load_state_dict"],[89,2,1,"","modules"],[89,2,1,"","named_buffers"],[89,2,1,"","named_children"],[89,2,1,"","named_modules"],[89,2,1,"","named_parameters"],[89,2,1,"","parameters"],[89,2,1,"","register_backward_hook"],[89,2,1,"","register_buffer"],[89,2,1,"","register_forward_hook"],[89,2,1,"","register_forward_pre_hook"],[89,2,1,"","register_full_backward_hook"],[89,2,1,"","register_full_backward_pre_hook"],[89,2,1,"","register_load_state_dict_post_hook"],[89,2,1,"","register_module"],[89,2,1,"","register_parameter"],[89,2,1,"","register_state_dict_pre_hook"],[89,2,1,"","requires_grad_"],[89,2,1,"","set_extra_state"],[89,2,1,"","share_memory"],[89,2,1,"","state_dict"],[89,2,1,"","to"],[89,2,1,"","to_empty"],[89,2,1,"","train"],[89,3,1,"","training"],[89,2,1,"","type"],[89,2,1,"","xpu"],[89,2,1,"","zero_grad"]],"darts.models.components.transformer.CustomFeedForwardEncoderLayer":[[89,3,1,"","T_destination"],[89,2,1,"","add_module"],[89,2,1,"","apply"],[89,2,1,"","bfloat16"],[89,2,1,"","buffers"],[89,3,1,"","call_super_init"],[89,2,1,"","children"],[89,2,1,"","compile"],[89,2,1,"","cpu"],[89,2,1,"","cuda"],[89,2,1,"","double"],[89,3,1,"","dump_patches"],[89,2,1,"","eval"],[89,2,1,"","extra_repr"],[89,2,1,"","float"],[89,2,1,"","forward"],[89,2,1,"","get_buffer"],[89,2,1,"","get_extra_state"],[89,2,1,"","get_parameter"],[89,2,1,"","get_submodule"],[89,2,1,"","half"],[89,2,1,"","ipu"],[89,2,1,"","load_state_dict"],[89,2,1,"","modules"],[89,2,1,"","named_buffers"],[89,2,1,"","named_children"],[89,2,1,"","named_modules"],[89,2,1,"","named_parameters"],[89,2,1,"","parameters"],[89,2,1,"","register_backward_hook"],[89,2,1,"","register_buffer"],[89,2,1,"","register_forward_hook"],[89,2,1,"","register_forward_pre_hook"],[89,2,1,"","register_full_backward_hook"],[89,2,1,"","register_full_backward_pre_hook"],[89,2,1,"","register_load_state_dict_post_hook"],[89,2,1,"","register_module"],[89,2,1,"","register_parameter"],[89,2,1,"","register_state_dict_pre_hook"],[89,2,1,"","requires_grad_"],[89,2,1,"","set_extra_state"],[89,2,1,"","share_memory"],[89,2,1,"","state_dict"],[89,2,1,"","to"],[89,2,1,"","to_empty"],[89,2,1,"","train"],[89,3,1,"","training"],[89,2,1,"","type"],[89,2,1,"","xpu"],[89,2,1,"","zero_grad"]],"darts.models.filtering":[[91,0,0,"-","filtering_model"],[92,0,0,"-","gaussian_process_filter"],[93,0,0,"-","kalman_filter"],[94,0,0,"-","moving_average_filter"]],"darts.models.filtering.filtering_model":[[91,1,1,"","FilteringModel"]],"darts.models.filtering.filtering_model.FilteringModel":[[91,2,1,"","filter"]],"darts.models.filtering.gaussian_process_filter":[[92,1,1,"","GaussianProcessFilter"]],"darts.models.filtering.gaussian_process_filter.GaussianProcessFilter":[[92,2,1,"","filter"]],"darts.models.filtering.kalman_filter":[[93,1,1,"","KalmanFilter"]],"darts.models.filtering.kalman_filter.KalmanFilter":[[93,2,1,"","filter"],[93,2,1,"","fit"]],"darts.models.filtering.moving_average_filter":[[94,1,1,"","MovingAverageFilter"]],"darts.models.filtering.moving_average_filter.MovingAverageFilter":[[94,2,1,"","filter"]],"darts.models.forecasting":[[96,0,0,"-","arima"],[97,0,0,"-","auto_arima"],[98,0,0,"-","baselines"],[99,0,0,"-","block_rnn_model"],[100,0,0,"-","catboost_model"],[101,0,0,"-","croston"],[102,0,0,"-","dlinear"],[103,0,0,"-","ensemble_model"],[104,0,0,"-","exponential_smoothing"],[105,0,0,"-","fft"],[106,0,0,"-","forecasting_model"],[107,0,0,"-","kalman_forecaster"],[108,0,0,"-","lgbm"],[109,0,0,"-","linear_regression_model"],[110,0,0,"-","nbeats"],[111,0,0,"-","nhits"],[112,0,0,"-","nlinear"],[113,0,0,"-","pl_forecasting_module"],[114,0,0,"-","prophet_model"],[115,0,0,"-","random_forest"],[116,0,0,"-","regression_ensemble_model"],[117,0,0,"-","regression_model"],[118,0,0,"-","rnn_model"],[119,0,0,"-","sf_auto_arima"],[120,0,0,"-","sf_auto_ces"],[121,0,0,"-","sf_auto_ets"],[122,0,0,"-","sf_auto_theta"],[123,0,0,"-","tbats_model"],[124,0,0,"-","tcn_model"],[125,0,0,"-","tft_model"],[126,0,0,"-","tft_submodels"],[127,0,0,"-","theta"],[128,0,0,"-","tide_model"],[129,0,0,"-","torch_forecasting_model"],[130,0,0,"-","transformer_model"],[131,0,0,"-","varima"],[132,0,0,"-","xgboost"]],"darts.models.forecasting.arima":[[96,1,1,"","ARIMA"]],"darts.models.forecasting.arima.ARIMA":[[96,2,1,"","backtest"],[96,4,1,"","considers_static_covariates"],[96,4,1,"","extreme_lags"],[96,2,1,"","fit"],[96,2,1,"","generate_fit_encodings"],[96,2,1,"","generate_fit_predict_encodings"],[96,2,1,"","generate_predict_encodings"],[96,2,1,"","gridsearch"],[96,2,1,"","historical_forecasts"],[96,2,1,"","load"],[96,4,1,"","min_train_samples"],[96,4,1,"","model_params"],[96,4,1,"","output_chunk_length"],[96,2,1,"","predict"],[96,2,1,"","residuals"],[96,2,1,"","save"],[96,4,1,"","supports_future_covariates"],[96,4,1,"","supports_likelihood_parameter_prediction"],[96,4,1,"","supports_multivariate"],[96,4,1,"","supports_optimized_historical_forecasts"],[96,4,1,"","supports_past_covariates"],[96,4,1,"","supports_static_covariates"],[96,4,1,"","uses_future_covariates"],[96,4,1,"","uses_past_covariates"],[96,4,1,"","uses_static_covariates"]],"darts.models.forecasting.auto_arima":[[97,1,1,"","AutoARIMA"]],"darts.models.forecasting.auto_arima.AutoARIMA":[[97,2,1,"","backtest"],[97,4,1,"","considers_static_covariates"],[97,4,1,"","extreme_lags"],[97,2,1,"","fit"],[97,2,1,"","generate_fit_encodings"],[97,2,1,"","generate_fit_predict_encodings"],[97,2,1,"","generate_predict_encodings"],[97,2,1,"","gridsearch"],[97,2,1,"","historical_forecasts"],[97,2,1,"","load"],[97,4,1,"","min_train_samples"],[97,4,1,"","model_params"],[97,4,1,"","output_chunk_length"],[97,2,1,"","predict"],[97,2,1,"","residuals"],[97,2,1,"","save"],[97,4,1,"","supports_future_covariates"],[97,4,1,"","supports_likelihood_parameter_prediction"],[97,4,1,"","supports_multivariate"],[97,4,1,"","supports_optimized_historical_forecasts"],[97,4,1,"","supports_past_covariates"],[97,4,1,"","supports_static_covariates"],[97,4,1,"","uses_future_covariates"],[97,4,1,"","uses_past_covariates"],[97,4,1,"","uses_static_covariates"]],"darts.models.forecasting.baselines":[[98,1,1,"","NaiveDrift"],[98,1,1,"","NaiveEnsembleModel"],[98,1,1,"","NaiveMean"],[98,1,1,"","NaiveMovingAverage"],[98,1,1,"","NaiveSeasonal"]],"darts.models.forecasting.baselines.NaiveDrift":[[98,2,1,"","backtest"],[98,4,1,"","considers_static_covariates"],[98,4,1,"","extreme_lags"],[98,2,1,"","fit"],[98,2,1,"","generate_fit_encodings"],[98,2,1,"","generate_fit_predict_encodings"],[98,2,1,"","generate_predict_encodings"],[98,2,1,"","gridsearch"],[98,2,1,"","historical_forecasts"],[98,2,1,"","load"],[98,4,1,"","min_train_samples"],[98,4,1,"","model_params"],[98,4,1,"","output_chunk_length"],[98,2,1,"","predict"],[98,2,1,"","residuals"],[98,2,1,"","save"],[98,4,1,"","supports_future_covariates"],[98,4,1,"","supports_likelihood_parameter_prediction"],[98,4,1,"","supports_multivariate"],[98,4,1,"","supports_optimized_historical_forecasts"],[98,4,1,"","supports_past_covariates"],[98,4,1,"","supports_static_covariates"],[98,4,1,"","uses_future_covariates"],[98,4,1,"","uses_past_covariates"],[98,4,1,"","uses_static_covariates"]],"darts.models.forecasting.baselines.NaiveEnsembleModel":[[98,2,1,"","backtest"],[98,4,1,"","considers_static_covariates"],[98,2,1,"","ensemble"],[98,4,1,"","extreme_lags"],[98,2,1,"","fit"],[98,2,1,"","generate_fit_encodings"],[98,2,1,"","generate_fit_predict_encodings"],[98,2,1,"","generate_predict_encodings"],[98,2,1,"","gridsearch"],[98,2,1,"","historical_forecasts"],[98,2,1,"","load"],[98,4,1,"","min_train_samples"],[98,4,1,"","model_params"],[98,4,1,"","output_chunk_length"],[98,2,1,"","predict"],[98,2,1,"","residuals"],[98,2,1,"","save"],[98,4,1,"","supports_future_covariates"],[98,4,1,"","supports_likelihood_parameter_prediction"],[98,4,1,"","supports_multivariate"],[98,4,1,"","supports_optimized_historical_forecasts"],[98,4,1,"","supports_past_covariates"],[98,4,1,"","supports_static_covariates"],[98,4,1,"","uses_future_covariates"],[98,4,1,"","uses_past_covariates"],[98,4,1,"","uses_static_covariates"]],"darts.models.forecasting.baselines.NaiveMean":[[98,2,1,"","backtest"],[98,4,1,"","considers_static_covariates"],[98,4,1,"","extreme_lags"],[98,2,1,"","fit"],[98,2,1,"","generate_fit_encodings"],[98,2,1,"","generate_fit_predict_encodings"],[98,2,1,"","generate_predict_encodings"],[98,2,1,"","gridsearch"],[98,2,1,"","historical_forecasts"],[98,2,1,"","load"],[98,4,1,"","min_train_samples"],[98,4,1,"","model_params"],[98,4,1,"","output_chunk_length"],[98,2,1,"","predict"],[98,2,1,"","residuals"],[98,2,1,"","save"],[98,4,1,"","supports_future_covariates"],[98,4,1,"","supports_likelihood_parameter_prediction"],[98,4,1,"","supports_multivariate"],[98,4,1,"","supports_optimized_historical_forecasts"],[98,4,1,"","supports_past_covariates"],[98,4,1,"","supports_static_covariates"],[98,4,1,"","uses_future_covariates"],[98,4,1,"","uses_past_covariates"],[98,4,1,"","uses_static_covariates"]],"darts.models.forecasting.baselines.NaiveMovingAverage":[[98,2,1,"","backtest"],[98,4,1,"","considers_static_covariates"],[98,4,1,"","extreme_lags"],[98,2,1,"","fit"],[98,2,1,"","generate_fit_encodings"],[98,2,1,"","generate_fit_predict_encodings"],[98,2,1,"","generate_predict_encodings"],[98,2,1,"","gridsearch"],[98,2,1,"","historical_forecasts"],[98,2,1,"","load"],[98,4,1,"","min_train_samples"],[98,4,1,"","model_params"],[98,4,1,"","output_chunk_length"],[98,2,1,"","predict"],[98,2,1,"","residuals"],[98,2,1,"","save"],[98,4,1,"","supports_future_covariates"],[98,4,1,"","supports_likelihood_parameter_prediction"],[98,4,1,"","supports_multivariate"],[98,4,1,"","supports_optimized_historical_forecasts"],[98,4,1,"","supports_past_covariates"],[98,4,1,"","supports_static_covariates"],[98,4,1,"","uses_future_covariates"],[98,4,1,"","uses_past_covariates"],[98,4,1,"","uses_static_covariates"]],"darts.models.forecasting.baselines.NaiveSeasonal":[[98,2,1,"","backtest"],[98,4,1,"","considers_static_covariates"],[98,4,1,"","extreme_lags"],[98,2,1,"","fit"],[98,2,1,"","generate_fit_encodings"],[98,2,1,"","generate_fit_predict_encodings"],[98,2,1,"","generate_predict_encodings"],[98,2,1,"","gridsearch"],[98,2,1,"","historical_forecasts"],[98,2,1,"","load"],[98,4,1,"","min_train_samples"],[98,4,1,"","model_params"],[98,4,1,"","output_chunk_length"],[98,2,1,"","predict"],[98,2,1,"","residuals"],[98,2,1,"","save"],[98,4,1,"","supports_future_covariates"],[98,4,1,"","supports_likelihood_parameter_prediction"],[98,4,1,"","supports_multivariate"],[98,4,1,"","supports_optimized_historical_forecasts"],[98,4,1,"","supports_past_covariates"],[98,4,1,"","supports_static_covariates"],[98,4,1,"","uses_future_covariates"],[98,4,1,"","uses_past_covariates"],[98,4,1,"","uses_static_covariates"]],"darts.models.forecasting.block_rnn_model":[[99,1,1,"","BlockRNNModel"]],"darts.models.forecasting.block_rnn_model.BlockRNNModel":[[99,2,1,"","backtest"],[99,4,1,"","considers_static_covariates"],[99,4,1,"","epochs_trained"],[99,4,1,"","extreme_lags"],[99,2,1,"","fit"],[99,2,1,"","fit_from_dataset"],[99,2,1,"","generate_fit_encodings"],[99,2,1,"","generate_fit_predict_encodings"],[99,2,1,"","generate_predict_encodings"],[99,2,1,"","gridsearch"],[99,2,1,"","historical_forecasts"],[99,4,1,"","input_chunk_length"],[99,4,1,"","likelihood"],[99,2,1,"","load"],[99,2,1,"","load_from_checkpoint"],[99,2,1,"","load_weights"],[99,2,1,"","load_weights_from_checkpoint"],[99,2,1,"","lr_find"],[99,4,1,"","min_train_samples"],[99,4,1,"","model_created"],[99,4,1,"","model_params"],[99,4,1,"","output_chunk_length"],[99,2,1,"","predict"],[99,2,1,"","predict_from_dataset"],[99,2,1,"","reset_model"],[99,2,1,"","residuals"],[99,2,1,"","save"],[99,3,1,"","supports_future_covariates"],[99,4,1,"","supports_likelihood_parameter_prediction"],[99,4,1,"","supports_multivariate"],[99,4,1,"","supports_optimized_historical_forecasts"],[99,4,1,"","supports_past_covariates"],[99,4,1,"","supports_static_covariates"],[99,2,1,"","to_cpu"],[99,4,1,"","uses_future_covariates"],[99,4,1,"","uses_past_covariates"],[99,4,1,"","uses_static_covariates"]],"darts.models.forecasting.catboost_model":[[100,1,1,"","CatBoostModel"]],"darts.models.forecasting.catboost_model.CatBoostModel":[[100,2,1,"","backtest"],[100,4,1,"","considers_static_covariates"],[100,4,1,"","extreme_lags"],[100,2,1,"","fit"],[100,2,1,"","generate_fit_encodings"],[100,2,1,"","generate_fit_predict_encodings"],[100,2,1,"","generate_predict_encodings"],[100,2,1,"","get_multioutput_estimator"],[100,2,1,"","gridsearch"],[100,2,1,"","historical_forecasts"],[100,4,1,"","lagged_feature_names"],[100,2,1,"","load"],[100,4,1,"","min_train_samples"],[100,4,1,"","model_params"],[100,4,1,"","num_parameters"],[100,4,1,"","output_chunk_length"],[100,2,1,"","predict"],[100,2,1,"","residuals"],[100,2,1,"","save"],[100,4,1,"","supports_future_covariates"],[100,4,1,"","supports_likelihood_parameter_prediction"],[100,4,1,"","supports_multivariate"],[100,4,1,"","supports_optimized_historical_forecasts"],[100,4,1,"","supports_past_covariates"],[100,4,1,"","supports_static_covariates"],[100,4,1,"","uses_future_covariates"],[100,4,1,"","uses_past_covariates"],[100,4,1,"","uses_static_covariates"]],"darts.models.forecasting.croston":[[101,1,1,"","Croston"]],"darts.models.forecasting.croston.Croston":[[101,2,1,"","backtest"],[101,4,1,"","considers_static_covariates"],[101,4,1,"","extreme_lags"],[101,2,1,"","fit"],[101,2,1,"","generate_fit_encodings"],[101,2,1,"","generate_fit_predict_encodings"],[101,2,1,"","generate_predict_encodings"],[101,2,1,"","gridsearch"],[101,2,1,"","historical_forecasts"],[101,2,1,"","load"],[101,4,1,"","min_train_samples"],[101,4,1,"","model_params"],[101,4,1,"","output_chunk_length"],[101,2,1,"","predict"],[101,2,1,"","residuals"],[101,2,1,"","save"],[101,4,1,"","supports_future_covariates"],[101,4,1,"","supports_likelihood_parameter_prediction"],[101,4,1,"","supports_multivariate"],[101,4,1,"","supports_optimized_historical_forecasts"],[101,4,1,"","supports_past_covariates"],[101,4,1,"","supports_static_covariates"],[101,4,1,"","uses_future_covariates"],[101,4,1,"","uses_past_covariates"],[101,4,1,"","uses_static_covariates"]],"darts.models.forecasting.dlinear":[[102,1,1,"","DLinearModel"]],"darts.models.forecasting.dlinear.DLinearModel":[[102,2,1,"","backtest"],[102,4,1,"","considers_static_covariates"],[102,4,1,"","epochs_trained"],[102,4,1,"","extreme_lags"],[102,2,1,"","fit"],[102,2,1,"","fit_from_dataset"],[102,2,1,"","generate_fit_encodings"],[102,2,1,"","generate_fit_predict_encodings"],[102,2,1,"","generate_predict_encodings"],[102,2,1,"","gridsearch"],[102,2,1,"","historical_forecasts"],[102,4,1,"","input_chunk_length"],[102,4,1,"","likelihood"],[102,2,1,"","load"],[102,2,1,"","load_from_checkpoint"],[102,2,1,"","load_weights"],[102,2,1,"","load_weights_from_checkpoint"],[102,2,1,"","lr_find"],[102,4,1,"","min_train_samples"],[102,4,1,"","model_created"],[102,4,1,"","model_params"],[102,4,1,"","output_chunk_length"],[102,2,1,"","predict"],[102,2,1,"","predict_from_dataset"],[102,2,1,"","reset_model"],[102,2,1,"","residuals"],[102,2,1,"","save"],[102,4,1,"","supports_future_covariates"],[102,4,1,"","supports_likelihood_parameter_prediction"],[102,4,1,"","supports_multivariate"],[102,4,1,"","supports_optimized_historical_forecasts"],[102,4,1,"","supports_past_covariates"],[102,4,1,"","supports_static_covariates"],[102,2,1,"","to_cpu"],[102,4,1,"","uses_future_covariates"],[102,4,1,"","uses_past_covariates"],[102,4,1,"","uses_static_covariates"]],"darts.models.forecasting.ensemble_model":[[103,1,1,"","EnsembleModel"]],"darts.models.forecasting.ensemble_model.EnsembleModel":[[103,2,1,"","backtest"],[103,4,1,"","considers_static_covariates"],[103,2,1,"","ensemble"],[103,4,1,"","extreme_lags"],[103,2,1,"","fit"],[103,2,1,"","generate_fit_encodings"],[103,2,1,"","generate_fit_predict_encodings"],[103,2,1,"","generate_predict_encodings"],[103,2,1,"","gridsearch"],[103,2,1,"","historical_forecasts"],[103,2,1,"","load"],[103,4,1,"","min_train_samples"],[103,4,1,"","model_params"],[103,4,1,"","output_chunk_length"],[103,2,1,"","predict"],[103,2,1,"","residuals"],[103,2,1,"","save"],[103,4,1,"","supports_future_covariates"],[103,4,1,"","supports_likelihood_parameter_prediction"],[103,4,1,"","supports_multivariate"],[103,4,1,"","supports_optimized_historical_forecasts"],[103,4,1,"","supports_past_covariates"],[103,4,1,"","supports_static_covariates"],[103,4,1,"","uses_future_covariates"],[103,4,1,"","uses_past_covariates"],[103,4,1,"","uses_static_covariates"]],"darts.models.forecasting.exponential_smoothing":[[104,1,1,"","ExponentialSmoothing"]],"darts.models.forecasting.exponential_smoothing.ExponentialSmoothing":[[104,2,1,"","backtest"],[104,4,1,"","considers_static_covariates"],[104,4,1,"","extreme_lags"],[104,2,1,"","fit"],[104,2,1,"","generate_fit_encodings"],[104,2,1,"","generate_fit_predict_encodings"],[104,2,1,"","generate_predict_encodings"],[104,2,1,"","gridsearch"],[104,2,1,"","historical_forecasts"],[104,2,1,"","load"],[104,4,1,"","min_train_samples"],[104,4,1,"","model_params"],[104,4,1,"","output_chunk_length"],[104,2,1,"","predict"],[104,2,1,"","residuals"],[104,2,1,"","save"],[104,4,1,"","supports_future_covariates"],[104,4,1,"","supports_likelihood_parameter_prediction"],[104,4,1,"","supports_multivariate"],[104,4,1,"","supports_optimized_historical_forecasts"],[104,4,1,"","supports_past_covariates"],[104,4,1,"","supports_static_covariates"],[104,4,1,"","uses_future_covariates"],[104,4,1,"","uses_past_covariates"],[104,4,1,"","uses_static_covariates"]],"darts.models.forecasting.fft":[[105,1,1,"","FFT"]],"darts.models.forecasting.fft.FFT":[[105,2,1,"","backtest"],[105,4,1,"","considers_static_covariates"],[105,4,1,"","extreme_lags"],[105,2,1,"","fit"],[105,2,1,"","generate_fit_encodings"],[105,2,1,"","generate_fit_predict_encodings"],[105,2,1,"","generate_predict_encodings"],[105,2,1,"","gridsearch"],[105,2,1,"","historical_forecasts"],[105,2,1,"","load"],[105,4,1,"","min_train_samples"],[105,4,1,"","model_params"],[105,4,1,"","output_chunk_length"],[105,2,1,"","predict"],[105,2,1,"","residuals"],[105,2,1,"","save"],[105,4,1,"","supports_future_covariates"],[105,4,1,"","supports_likelihood_parameter_prediction"],[105,4,1,"","supports_multivariate"],[105,4,1,"","supports_optimized_historical_forecasts"],[105,4,1,"","supports_past_covariates"],[105,4,1,"","supports_static_covariates"],[105,4,1,"","uses_future_covariates"],[105,4,1,"","uses_past_covariates"],[105,4,1,"","uses_static_covariates"]],"darts.models.forecasting.forecasting_model":[[106,1,1,"","ModelMeta"]],"darts.models.forecasting.forecasting_model.ModelMeta":[[106,2,1,"","mro"],[106,2,1,"","register"]],"darts.models.forecasting.kalman_forecaster":[[107,1,1,"","KalmanForecaster"]],"darts.models.forecasting.kalman_forecaster.KalmanForecaster":[[107,2,1,"","backtest"],[107,4,1,"","considers_static_covariates"],[107,4,1,"","extreme_lags"],[107,2,1,"","fit"],[107,2,1,"","generate_fit_encodings"],[107,2,1,"","generate_fit_predict_encodings"],[107,2,1,"","generate_predict_encodings"],[107,2,1,"","gridsearch"],[107,2,1,"","historical_forecasts"],[107,2,1,"","load"],[107,4,1,"","min_train_samples"],[107,4,1,"","model_params"],[107,4,1,"","output_chunk_length"],[107,2,1,"","predict"],[107,2,1,"","residuals"],[107,2,1,"","save"],[107,4,1,"","supports_future_covariates"],[107,4,1,"","supports_likelihood_parameter_prediction"],[107,4,1,"","supports_multivariate"],[107,4,1,"","supports_optimized_historical_forecasts"],[107,4,1,"","supports_past_covariates"],[107,4,1,"","supports_static_covariates"],[107,4,1,"","uses_future_covariates"],[107,4,1,"","uses_past_covariates"],[107,4,1,"","uses_static_covariates"]],"darts.models.forecasting.lgbm":[[108,1,1,"","LightGBMModel"]],"darts.models.forecasting.lgbm.LightGBMModel":[[108,2,1,"","backtest"],[108,4,1,"","considers_static_covariates"],[108,4,1,"","extreme_lags"],[108,2,1,"","fit"],[108,2,1,"","generate_fit_encodings"],[108,2,1,"","generate_fit_predict_encodings"],[108,2,1,"","generate_predict_encodings"],[108,2,1,"","get_multioutput_estimator"],[108,2,1,"","gridsearch"],[108,2,1,"","historical_forecasts"],[108,4,1,"","lagged_feature_names"],[108,2,1,"","load"],[108,4,1,"","min_train_samples"],[108,4,1,"","model_params"],[108,4,1,"","num_parameters"],[108,4,1,"","output_chunk_length"],[108,2,1,"","predict"],[108,2,1,"","residuals"],[108,2,1,"","save"],[108,4,1,"","supports_future_covariates"],[108,4,1,"","supports_likelihood_parameter_prediction"],[108,4,1,"","supports_multivariate"],[108,4,1,"","supports_optimized_historical_forecasts"],[108,4,1,"","supports_past_covariates"],[108,4,1,"","supports_static_covariates"],[108,4,1,"","uses_future_covariates"],[108,4,1,"","uses_past_covariates"],[108,4,1,"","uses_static_covariates"]],"darts.models.forecasting.linear_regression_model":[[109,1,1,"","LinearRegressionModel"]],"darts.models.forecasting.linear_regression_model.LinearRegressionModel":[[109,2,1,"","backtest"],[109,4,1,"","considers_static_covariates"],[109,4,1,"","extreme_lags"],[109,2,1,"","fit"],[109,2,1,"","generate_fit_encodings"],[109,2,1,"","generate_fit_predict_encodings"],[109,2,1,"","generate_predict_encodings"],[109,2,1,"","get_multioutput_estimator"],[109,2,1,"","gridsearch"],[109,2,1,"","historical_forecasts"],[109,4,1,"","lagged_feature_names"],[109,2,1,"","load"],[109,4,1,"","min_train_samples"],[109,4,1,"","model_params"],[109,4,1,"","num_parameters"],[109,4,1,"","output_chunk_length"],[109,2,1,"","predict"],[109,2,1,"","residuals"],[109,2,1,"","save"],[109,4,1,"","supports_future_covariates"],[109,4,1,"","supports_likelihood_parameter_prediction"],[109,4,1,"","supports_multivariate"],[109,4,1,"","supports_optimized_historical_forecasts"],[109,4,1,"","supports_past_covariates"],[109,4,1,"","supports_static_covariates"],[109,4,1,"","uses_future_covariates"],[109,4,1,"","uses_past_covariates"],[109,4,1,"","uses_static_covariates"]],"darts.models.forecasting.nbeats":[[110,1,1,"","NBEATSModel"]],"darts.models.forecasting.nbeats.NBEATSModel":[[110,2,1,"","backtest"],[110,4,1,"","considers_static_covariates"],[110,4,1,"","epochs_trained"],[110,4,1,"","extreme_lags"],[110,2,1,"","fit"],[110,2,1,"","fit_from_dataset"],[110,2,1,"","generate_fit_encodings"],[110,2,1,"","generate_fit_predict_encodings"],[110,2,1,"","generate_predict_encodings"],[110,2,1,"","gridsearch"],[110,2,1,"","historical_forecasts"],[110,4,1,"","input_chunk_length"],[110,4,1,"","likelihood"],[110,2,1,"","load"],[110,2,1,"","load_from_checkpoint"],[110,2,1,"","load_weights"],[110,2,1,"","load_weights_from_checkpoint"],[110,2,1,"","lr_find"],[110,4,1,"","min_train_samples"],[110,4,1,"","model_created"],[110,4,1,"","model_params"],[110,4,1,"","output_chunk_length"],[110,2,1,"","predict"],[110,2,1,"","predict_from_dataset"],[110,2,1,"","reset_model"],[110,2,1,"","residuals"],[110,2,1,"","save"],[110,3,1,"","supports_future_covariates"],[110,4,1,"","supports_likelihood_parameter_prediction"],[110,4,1,"","supports_multivariate"],[110,4,1,"","supports_optimized_historical_forecasts"],[110,4,1,"","supports_past_covariates"],[110,4,1,"","supports_static_covariates"],[110,2,1,"","to_cpu"],[110,4,1,"","uses_future_covariates"],[110,4,1,"","uses_past_covariates"],[110,4,1,"","uses_static_covariates"]],"darts.models.forecasting.nhits":[[111,1,1,"","NHiTSModel"]],"darts.models.forecasting.nhits.NHiTSModel":[[111,2,1,"","backtest"],[111,4,1,"","considers_static_covariates"],[111,4,1,"","epochs_trained"],[111,4,1,"","extreme_lags"],[111,2,1,"","fit"],[111,2,1,"","fit_from_dataset"],[111,2,1,"","generate_fit_encodings"],[111,2,1,"","generate_fit_predict_encodings"],[111,2,1,"","generate_predict_encodings"],[111,2,1,"","gridsearch"],[111,2,1,"","historical_forecasts"],[111,4,1,"","input_chunk_length"],[111,4,1,"","likelihood"],[111,2,1,"","load"],[111,2,1,"","load_from_checkpoint"],[111,2,1,"","load_weights"],[111,2,1,"","load_weights_from_checkpoint"],[111,2,1,"","lr_find"],[111,4,1,"","min_train_samples"],[111,4,1,"","model_created"],[111,4,1,"","model_params"],[111,4,1,"","output_chunk_length"],[111,2,1,"","predict"],[111,2,1,"","predict_from_dataset"],[111,2,1,"","reset_model"],[111,2,1,"","residuals"],[111,2,1,"","save"],[111,3,1,"","supports_future_covariates"],[111,4,1,"","supports_likelihood_parameter_prediction"],[111,4,1,"","supports_multivariate"],[111,4,1,"","supports_optimized_historical_forecasts"],[111,4,1,"","supports_past_covariates"],[111,4,1,"","supports_static_covariates"],[111,2,1,"","to_cpu"],[111,4,1,"","uses_future_covariates"],[111,4,1,"","uses_past_covariates"],[111,4,1,"","uses_static_covariates"]],"darts.models.forecasting.nlinear":[[112,1,1,"","NLinearModel"]],"darts.models.forecasting.nlinear.NLinearModel":[[112,2,1,"","backtest"],[112,4,1,"","considers_static_covariates"],[112,4,1,"","epochs_trained"],[112,4,1,"","extreme_lags"],[112,2,1,"","fit"],[112,2,1,"","fit_from_dataset"],[112,2,1,"","generate_fit_encodings"],[112,2,1,"","generate_fit_predict_encodings"],[112,2,1,"","generate_predict_encodings"],[112,2,1,"","gridsearch"],[112,2,1,"","historical_forecasts"],[112,4,1,"","input_chunk_length"],[112,4,1,"","likelihood"],[112,2,1,"","load"],[112,2,1,"","load_from_checkpoint"],[112,2,1,"","load_weights"],[112,2,1,"","load_weights_from_checkpoint"],[112,2,1,"","lr_find"],[112,4,1,"","min_train_samples"],[112,4,1,"","model_created"],[112,4,1,"","model_params"],[112,4,1,"","output_chunk_length"],[112,2,1,"","predict"],[112,2,1,"","predict_from_dataset"],[112,2,1,"","reset_model"],[112,2,1,"","residuals"],[112,2,1,"","save"],[112,4,1,"","supports_future_covariates"],[112,4,1,"","supports_likelihood_parameter_prediction"],[112,4,1,"","supports_multivariate"],[112,4,1,"","supports_optimized_historical_forecasts"],[112,4,1,"","supports_past_covariates"],[112,4,1,"","supports_static_covariates"],[112,2,1,"","to_cpu"],[112,4,1,"","uses_future_covariates"],[112,4,1,"","uses_past_covariates"],[112,4,1,"","uses_static_covariates"]],"darts.models.forecasting.pl_forecasting_module":[[113,1,1,"","PLDualCovariatesModule"],[113,1,1,"","PLForecastingModule"],[113,1,1,"","PLFutureCovariatesModule"],[113,1,1,"","PLMixedCovariatesModule"],[113,1,1,"","PLPastCovariatesModule"],[113,1,1,"","PLSplitCovariatesModule"],[113,5,1,"","io_processor"]],"darts.models.forecasting.pl_forecasting_module.PLDualCovariatesModule":[[113,3,1,"","CHECKPOINT_HYPER_PARAMS_KEY"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_NAME"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_TYPE"],[113,3,1,"","T_destination"],[113,2,1,"","add_module"],[113,2,1,"","all_gather"],[113,2,1,"","apply"],[113,4,1,"","automatic_optimization"],[113,2,1,"","backward"],[113,2,1,"","bfloat16"],[113,2,1,"","buffers"],[113,3,1,"","call_super_init"],[113,2,1,"","children"],[113,2,1,"","clip_gradients"],[113,2,1,"","compile"],[113,2,1,"","configure_callbacks"],[113,2,1,"","configure_gradient_clipping"],[113,2,1,"","configure_model"],[113,2,1,"","configure_optimizers"],[113,2,1,"","configure_sharded_model"],[113,2,1,"","configure_torch_metrics"],[113,2,1,"","cpu"],[113,2,1,"","cuda"],[113,4,1,"","current_epoch"],[113,4,1,"","device"],[113,2,1,"","double"],[113,4,1,"","dtype"],[113,3,1,"","dump_patches"],[113,4,1,"","epochs_trained"],[113,2,1,"","eval"],[113,4,1,"","example_input_array"],[113,2,1,"","extra_repr"],[113,4,1,"","fabric"],[113,2,1,"","float"],[113,2,1,"","forward"],[113,2,1,"","freeze"],[113,2,1,"","get_buffer"],[113,2,1,"","get_extra_state"],[113,2,1,"","get_parameter"],[113,2,1,"","get_submodule"],[113,4,1,"","global_rank"],[113,4,1,"","global_step"],[113,2,1,"","half"],[113,4,1,"","hparams"],[113,4,1,"","hparams_initial"],[113,2,1,"","ipu"],[113,2,1,"","load_from_checkpoint"],[113,2,1,"","load_state_dict"],[113,4,1,"","local_rank"],[113,2,1,"","log"],[113,2,1,"","log_dict"],[113,4,1,"","logger"],[113,4,1,"","loggers"],[113,2,1,"","lr_scheduler_step"],[113,2,1,"","lr_schedulers"],[113,2,1,"","manual_backward"],[113,2,1,"","modules"],[113,2,1,"","named_buffers"],[113,2,1,"","named_children"],[113,2,1,"","named_modules"],[113,2,1,"","named_parameters"],[113,2,1,"","on_after_backward"],[113,2,1,"","on_after_batch_transfer"],[113,2,1,"","on_before_backward"],[113,2,1,"","on_before_batch_transfer"],[113,2,1,"","on_before_optimizer_step"],[113,2,1,"","on_before_zero_grad"],[113,2,1,"","on_fit_end"],[113,2,1,"","on_fit_start"],[113,4,1,"","on_gpu"],[113,2,1,"","on_load_checkpoint"],[113,2,1,"","on_predict_batch_end"],[113,2,1,"","on_predict_batch_start"],[113,2,1,"","on_predict_end"],[113,2,1,"","on_predict_epoch_end"],[113,2,1,"","on_predict_epoch_start"],[113,2,1,"","on_predict_model_eval"],[113,2,1,"","on_predict_start"],[113,2,1,"","on_save_checkpoint"],[113,2,1,"","on_test_batch_end"],[113,2,1,"","on_test_batch_start"],[113,2,1,"","on_test_end"],[113,2,1,"","on_test_epoch_end"],[113,2,1,"","on_test_epoch_start"],[113,2,1,"","on_test_model_eval"],[113,2,1,"","on_test_model_train"],[113,2,1,"","on_test_start"],[113,2,1,"","on_train_batch_end"],[113,2,1,"","on_train_batch_start"],[113,2,1,"","on_train_end"],[113,2,1,"","on_train_epoch_end"],[113,2,1,"","on_train_epoch_start"],[113,2,1,"","on_train_start"],[113,2,1,"","on_validation_batch_end"],[113,2,1,"","on_validation_batch_start"],[113,2,1,"","on_validation_end"],[113,2,1,"","on_validation_epoch_end"],[113,2,1,"","on_validation_epoch_start"],[113,2,1,"","on_validation_model_eval"],[113,2,1,"","on_validation_model_train"],[113,2,1,"","on_validation_model_zero_grad"],[113,2,1,"","on_validation_start"],[113,2,1,"","optimizer_step"],[113,2,1,"","optimizer_zero_grad"],[113,2,1,"","optimizers"],[113,4,1,"","output_chunk_length"],[113,2,1,"","parameters"],[113,2,1,"","predict_dataloader"],[113,2,1,"","predict_step"],[113,2,1,"","prepare_data"],[113,2,1,"","print"],[113,2,1,"","register_backward_hook"],[113,2,1,"","register_buffer"],[113,2,1,"","register_forward_hook"],[113,2,1,"","register_forward_pre_hook"],[113,2,1,"","register_full_backward_hook"],[113,2,1,"","register_full_backward_pre_hook"],[113,2,1,"","register_load_state_dict_post_hook"],[113,2,1,"","register_module"],[113,2,1,"","register_parameter"],[113,2,1,"","register_state_dict_pre_hook"],[113,2,1,"","requires_grad_"],[113,2,1,"","save_hyperparameters"],[113,2,1,"","set_extra_state"],[113,2,1,"","set_mc_dropout"],[113,2,1,"","set_predict_parameters"],[113,2,1,"","setup"],[113,2,1,"","share_memory"],[113,2,1,"","state_dict"],[113,2,1,"","teardown"],[113,2,1,"","test_dataloader"],[113,2,1,"","test_step"],[113,2,1,"","to"],[113,2,1,"","to_dtype"],[113,2,1,"","to_empty"],[113,2,1,"","to_onnx"],[113,2,1,"","to_torchscript"],[113,2,1,"","toggle_optimizer"],[113,2,1,"","train"],[113,2,1,"","train_dataloader"],[113,4,1,"","trainer"],[113,3,1,"","training"],[113,2,1,"","training_step"],[113,2,1,"","transfer_batch_to_device"],[113,2,1,"","type"],[113,2,1,"","unfreeze"],[113,2,1,"","untoggle_optimizer"],[113,2,1,"","val_dataloader"],[113,2,1,"","validation_step"],[113,2,1,"","xpu"],[113,2,1,"","zero_grad"]],"darts.models.forecasting.pl_forecasting_module.PLForecastingModule":[[113,3,1,"","CHECKPOINT_HYPER_PARAMS_KEY"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_NAME"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_TYPE"],[113,3,1,"","T_destination"],[113,2,1,"","add_module"],[113,2,1,"","all_gather"],[113,2,1,"","apply"],[113,4,1,"","automatic_optimization"],[113,2,1,"","backward"],[113,2,1,"","bfloat16"],[113,2,1,"","buffers"],[113,3,1,"","call_super_init"],[113,2,1,"","children"],[113,2,1,"","clip_gradients"],[113,2,1,"","compile"],[113,2,1,"","configure_callbacks"],[113,2,1,"","configure_gradient_clipping"],[113,2,1,"","configure_model"],[113,2,1,"","configure_optimizers"],[113,2,1,"","configure_sharded_model"],[113,2,1,"","configure_torch_metrics"],[113,2,1,"","cpu"],[113,2,1,"","cuda"],[113,4,1,"","current_epoch"],[113,4,1,"","device"],[113,2,1,"","double"],[113,4,1,"","dtype"],[113,3,1,"","dump_patches"],[113,4,1,"","epochs_trained"],[113,2,1,"","eval"],[113,4,1,"","example_input_array"],[113,2,1,"","extra_repr"],[113,4,1,"","fabric"],[113,2,1,"","float"],[113,2,1,"","forward"],[113,2,1,"","freeze"],[113,2,1,"","get_buffer"],[113,2,1,"","get_extra_state"],[113,2,1,"","get_parameter"],[113,2,1,"","get_submodule"],[113,4,1,"","global_rank"],[113,4,1,"","global_step"],[113,2,1,"","half"],[113,4,1,"","hparams"],[113,4,1,"","hparams_initial"],[113,2,1,"","ipu"],[113,2,1,"","load_from_checkpoint"],[113,2,1,"","load_state_dict"],[113,4,1,"","local_rank"],[113,2,1,"","log"],[113,2,1,"","log_dict"],[113,4,1,"","logger"],[113,4,1,"","loggers"],[113,2,1,"","lr_scheduler_step"],[113,2,1,"","lr_schedulers"],[113,2,1,"","manual_backward"],[113,2,1,"","modules"],[113,2,1,"","named_buffers"],[113,2,1,"","named_children"],[113,2,1,"","named_modules"],[113,2,1,"","named_parameters"],[113,2,1,"","on_after_backward"],[113,2,1,"","on_after_batch_transfer"],[113,2,1,"","on_before_backward"],[113,2,1,"","on_before_batch_transfer"],[113,2,1,"","on_before_optimizer_step"],[113,2,1,"","on_before_zero_grad"],[113,2,1,"","on_fit_end"],[113,2,1,"","on_fit_start"],[113,4,1,"","on_gpu"],[113,2,1,"","on_load_checkpoint"],[113,2,1,"","on_predict_batch_end"],[113,2,1,"","on_predict_batch_start"],[113,2,1,"","on_predict_end"],[113,2,1,"","on_predict_epoch_end"],[113,2,1,"","on_predict_epoch_start"],[113,2,1,"","on_predict_model_eval"],[113,2,1,"","on_predict_start"],[113,2,1,"","on_save_checkpoint"],[113,2,1,"","on_test_batch_end"],[113,2,1,"","on_test_batch_start"],[113,2,1,"","on_test_end"],[113,2,1,"","on_test_epoch_end"],[113,2,1,"","on_test_epoch_start"],[113,2,1,"","on_test_model_eval"],[113,2,1,"","on_test_model_train"],[113,2,1,"","on_test_start"],[113,2,1,"","on_train_batch_end"],[113,2,1,"","on_train_batch_start"],[113,2,1,"","on_train_end"],[113,2,1,"","on_train_epoch_end"],[113,2,1,"","on_train_epoch_start"],[113,2,1,"","on_train_start"],[113,2,1,"","on_validation_batch_end"],[113,2,1,"","on_validation_batch_start"],[113,2,1,"","on_validation_end"],[113,2,1,"","on_validation_epoch_end"],[113,2,1,"","on_validation_epoch_start"],[113,2,1,"","on_validation_model_eval"],[113,2,1,"","on_validation_model_train"],[113,2,1,"","on_validation_model_zero_grad"],[113,2,1,"","on_validation_start"],[113,2,1,"","optimizer_step"],[113,2,1,"","optimizer_zero_grad"],[113,2,1,"","optimizers"],[113,4,1,"","output_chunk_length"],[113,2,1,"","parameters"],[113,2,1,"","predict_dataloader"],[113,2,1,"","predict_step"],[113,2,1,"","prepare_data"],[113,2,1,"","print"],[113,2,1,"","register_backward_hook"],[113,2,1,"","register_buffer"],[113,2,1,"","register_forward_hook"],[113,2,1,"","register_forward_pre_hook"],[113,2,1,"","register_full_backward_hook"],[113,2,1,"","register_full_backward_pre_hook"],[113,2,1,"","register_load_state_dict_post_hook"],[113,2,1,"","register_module"],[113,2,1,"","register_parameter"],[113,2,1,"","register_state_dict_pre_hook"],[113,2,1,"","requires_grad_"],[113,2,1,"","save_hyperparameters"],[113,2,1,"","set_extra_state"],[113,2,1,"","set_mc_dropout"],[113,2,1,"","set_predict_parameters"],[113,2,1,"","setup"],[113,2,1,"","share_memory"],[113,2,1,"","state_dict"],[113,2,1,"","teardown"],[113,2,1,"","test_dataloader"],[113,2,1,"","test_step"],[113,2,1,"","to"],[113,2,1,"","to_dtype"],[113,2,1,"","to_empty"],[113,2,1,"","to_onnx"],[113,2,1,"","to_torchscript"],[113,2,1,"","toggle_optimizer"],[113,2,1,"","train"],[113,2,1,"","train_dataloader"],[113,4,1,"","trainer"],[113,3,1,"","training"],[113,2,1,"","training_step"],[113,2,1,"","transfer_batch_to_device"],[113,2,1,"","type"],[113,2,1,"","unfreeze"],[113,2,1,"","untoggle_optimizer"],[113,2,1,"","val_dataloader"],[113,2,1,"","validation_step"],[113,2,1,"","xpu"],[113,2,1,"","zero_grad"]],"darts.models.forecasting.pl_forecasting_module.PLFutureCovariatesModule":[[113,3,1,"","CHECKPOINT_HYPER_PARAMS_KEY"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_NAME"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_TYPE"],[113,3,1,"","T_destination"],[113,2,1,"","add_module"],[113,2,1,"","all_gather"],[113,3,1,"","allow_zero_length_dataloader_with_multiple_devices"],[113,2,1,"","apply"],[113,4,1,"","automatic_optimization"],[113,2,1,"","backward"],[113,2,1,"","bfloat16"],[113,2,1,"","buffers"],[113,3,1,"","call_super_init"],[113,2,1,"","children"],[113,2,1,"","clip_gradients"],[113,2,1,"","compile"],[113,2,1,"","configure_callbacks"],[113,2,1,"","configure_gradient_clipping"],[113,2,1,"","configure_model"],[113,2,1,"","configure_optimizers"],[113,2,1,"","configure_sharded_model"],[113,2,1,"","configure_torch_metrics"],[113,2,1,"","cpu"],[113,2,1,"","cuda"],[113,4,1,"","current_epoch"],[113,4,1,"","device"],[113,2,1,"","double"],[113,4,1,"","dtype"],[113,3,1,"","dump_patches"],[113,4,1,"","epochs_trained"],[113,2,1,"","eval"],[113,4,1,"","example_input_array"],[113,2,1,"","extra_repr"],[113,4,1,"","fabric"],[113,2,1,"","float"],[113,2,1,"","forward"],[113,2,1,"","freeze"],[113,2,1,"","get_buffer"],[113,2,1,"","get_extra_state"],[113,2,1,"","get_parameter"],[113,2,1,"","get_submodule"],[113,4,1,"","global_rank"],[113,4,1,"","global_step"],[113,2,1,"","half"],[113,4,1,"","hparams"],[113,4,1,"","hparams_initial"],[113,2,1,"","ipu"],[113,2,1,"","load_from_checkpoint"],[113,2,1,"","load_state_dict"],[113,4,1,"","local_rank"],[113,2,1,"","log"],[113,2,1,"","log_dict"],[113,4,1,"","logger"],[113,4,1,"","loggers"],[113,2,1,"","lr_scheduler_step"],[113,2,1,"","lr_schedulers"],[113,2,1,"","manual_backward"],[113,2,1,"","modules"],[113,2,1,"","named_buffers"],[113,2,1,"","named_children"],[113,2,1,"","named_modules"],[113,2,1,"","named_parameters"],[113,2,1,"","on_after_backward"],[113,2,1,"","on_after_batch_transfer"],[113,2,1,"","on_before_backward"],[113,2,1,"","on_before_batch_transfer"],[113,2,1,"","on_before_optimizer_step"],[113,2,1,"","on_before_zero_grad"],[113,2,1,"","on_fit_end"],[113,2,1,"","on_fit_start"],[113,4,1,"","on_gpu"],[113,2,1,"","on_load_checkpoint"],[113,2,1,"","on_predict_batch_end"],[113,2,1,"","on_predict_batch_start"],[113,2,1,"","on_predict_end"],[113,2,1,"","on_predict_epoch_end"],[113,2,1,"","on_predict_epoch_start"],[113,2,1,"","on_predict_model_eval"],[113,2,1,"","on_predict_start"],[113,2,1,"","on_save_checkpoint"],[113,2,1,"","on_test_batch_end"],[113,2,1,"","on_test_batch_start"],[113,2,1,"","on_test_end"],[113,2,1,"","on_test_epoch_end"],[113,2,1,"","on_test_epoch_start"],[113,2,1,"","on_test_model_eval"],[113,2,1,"","on_test_model_train"],[113,2,1,"","on_test_start"],[113,2,1,"","on_train_batch_end"],[113,2,1,"","on_train_batch_start"],[113,2,1,"","on_train_end"],[113,2,1,"","on_train_epoch_end"],[113,2,1,"","on_train_epoch_start"],[113,2,1,"","on_train_start"],[113,2,1,"","on_validation_batch_end"],[113,2,1,"","on_validation_batch_start"],[113,2,1,"","on_validation_end"],[113,2,1,"","on_validation_epoch_end"],[113,2,1,"","on_validation_epoch_start"],[113,2,1,"","on_validation_model_eval"],[113,2,1,"","on_validation_model_train"],[113,2,1,"","on_validation_model_zero_grad"],[113,2,1,"","on_validation_start"],[113,2,1,"","optimizer_step"],[113,2,1,"","optimizer_zero_grad"],[113,2,1,"","optimizers"],[113,4,1,"","output_chunk_length"],[113,2,1,"","parameters"],[113,3,1,"","pred_batch_size"],[113,3,1,"","pred_n"],[113,3,1,"","pred_n_jobs"],[113,3,1,"","pred_num_samples"],[113,3,1,"","pred_roll_size"],[113,2,1,"","predict_dataloader"],[113,3,1,"","predict_likelihood_parameters"],[113,2,1,"","predict_step"],[113,2,1,"","prepare_data"],[113,3,1,"","prepare_data_per_node"],[113,2,1,"","print"],[113,2,1,"","register_backward_hook"],[113,2,1,"","register_buffer"],[113,2,1,"","register_forward_hook"],[113,2,1,"","register_forward_pre_hook"],[113,2,1,"","register_full_backward_hook"],[113,2,1,"","register_full_backward_pre_hook"],[113,2,1,"","register_load_state_dict_post_hook"],[113,2,1,"","register_module"],[113,2,1,"","register_parameter"],[113,2,1,"","register_state_dict_pre_hook"],[113,2,1,"","requires_grad_"],[113,2,1,"","save_hyperparameters"],[113,2,1,"","set_extra_state"],[113,2,1,"","set_mc_dropout"],[113,2,1,"","set_predict_parameters"],[113,2,1,"","setup"],[113,2,1,"","share_memory"],[113,2,1,"","state_dict"],[113,2,1,"","teardown"],[113,2,1,"","test_dataloader"],[113,2,1,"","test_step"],[113,2,1,"","to"],[113,2,1,"","to_dtype"],[113,2,1,"","to_empty"],[113,2,1,"","to_onnx"],[113,2,1,"","to_torchscript"],[113,2,1,"","toggle_optimizer"],[113,2,1,"","train"],[113,2,1,"","train_dataloader"],[113,4,1,"","trainer"],[113,3,1,"","training"],[113,2,1,"","training_step"],[113,2,1,"","transfer_batch_to_device"],[113,2,1,"","type"],[113,2,1,"","unfreeze"],[113,2,1,"","untoggle_optimizer"],[113,2,1,"","val_dataloader"],[113,2,1,"","validation_step"],[113,2,1,"","xpu"],[113,2,1,"","zero_grad"]],"darts.models.forecasting.pl_forecasting_module.PLMixedCovariatesModule":[[113,3,1,"","CHECKPOINT_HYPER_PARAMS_KEY"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_NAME"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_TYPE"],[113,3,1,"","T_destination"],[113,2,1,"","add_module"],[113,2,1,"","all_gather"],[113,3,1,"","allow_zero_length_dataloader_with_multiple_devices"],[113,2,1,"","apply"],[113,4,1,"","automatic_optimization"],[113,2,1,"","backward"],[113,2,1,"","bfloat16"],[113,2,1,"","buffers"],[113,3,1,"","call_super_init"],[113,2,1,"","children"],[113,2,1,"","clip_gradients"],[113,2,1,"","compile"],[113,2,1,"","configure_callbacks"],[113,2,1,"","configure_gradient_clipping"],[113,2,1,"","configure_model"],[113,2,1,"","configure_optimizers"],[113,2,1,"","configure_sharded_model"],[113,2,1,"","configure_torch_metrics"],[113,2,1,"","cpu"],[113,2,1,"","cuda"],[113,4,1,"","current_epoch"],[113,4,1,"","device"],[113,2,1,"","double"],[113,4,1,"","dtype"],[113,3,1,"","dump_patches"],[113,4,1,"","epochs_trained"],[113,2,1,"","eval"],[113,4,1,"","example_input_array"],[113,2,1,"","extra_repr"],[113,4,1,"","fabric"],[113,2,1,"","float"],[113,2,1,"","forward"],[113,2,1,"","freeze"],[113,2,1,"","get_buffer"],[113,2,1,"","get_extra_state"],[113,2,1,"","get_parameter"],[113,2,1,"","get_submodule"],[113,4,1,"","global_rank"],[113,4,1,"","global_step"],[113,2,1,"","half"],[113,4,1,"","hparams"],[113,4,1,"","hparams_initial"],[113,2,1,"","ipu"],[113,2,1,"","load_from_checkpoint"],[113,2,1,"","load_state_dict"],[113,4,1,"","local_rank"],[113,2,1,"","log"],[113,2,1,"","log_dict"],[113,4,1,"","logger"],[113,4,1,"","loggers"],[113,2,1,"","lr_scheduler_step"],[113,2,1,"","lr_schedulers"],[113,2,1,"","manual_backward"],[113,2,1,"","modules"],[113,2,1,"","named_buffers"],[113,2,1,"","named_children"],[113,2,1,"","named_modules"],[113,2,1,"","named_parameters"],[113,2,1,"","on_after_backward"],[113,2,1,"","on_after_batch_transfer"],[113,2,1,"","on_before_backward"],[113,2,1,"","on_before_batch_transfer"],[113,2,1,"","on_before_optimizer_step"],[113,2,1,"","on_before_zero_grad"],[113,2,1,"","on_fit_end"],[113,2,1,"","on_fit_start"],[113,4,1,"","on_gpu"],[113,2,1,"","on_load_checkpoint"],[113,2,1,"","on_predict_batch_end"],[113,2,1,"","on_predict_batch_start"],[113,2,1,"","on_predict_end"],[113,2,1,"","on_predict_epoch_end"],[113,2,1,"","on_predict_epoch_start"],[113,2,1,"","on_predict_model_eval"],[113,2,1,"","on_predict_start"],[113,2,1,"","on_save_checkpoint"],[113,2,1,"","on_test_batch_end"],[113,2,1,"","on_test_batch_start"],[113,2,1,"","on_test_end"],[113,2,1,"","on_test_epoch_end"],[113,2,1,"","on_test_epoch_start"],[113,2,1,"","on_test_model_eval"],[113,2,1,"","on_test_model_train"],[113,2,1,"","on_test_start"],[113,2,1,"","on_train_batch_end"],[113,2,1,"","on_train_batch_start"],[113,2,1,"","on_train_end"],[113,2,1,"","on_train_epoch_end"],[113,2,1,"","on_train_epoch_start"],[113,2,1,"","on_train_start"],[113,2,1,"","on_validation_batch_end"],[113,2,1,"","on_validation_batch_start"],[113,2,1,"","on_validation_end"],[113,2,1,"","on_validation_epoch_end"],[113,2,1,"","on_validation_epoch_start"],[113,2,1,"","on_validation_model_eval"],[113,2,1,"","on_validation_model_train"],[113,2,1,"","on_validation_model_zero_grad"],[113,2,1,"","on_validation_start"],[113,2,1,"","optimizer_step"],[113,2,1,"","optimizer_zero_grad"],[113,2,1,"","optimizers"],[113,4,1,"","output_chunk_length"],[113,2,1,"","parameters"],[113,3,1,"","pred_batch_size"],[113,3,1,"","pred_n"],[113,3,1,"","pred_n_jobs"],[113,3,1,"","pred_num_samples"],[113,3,1,"","pred_roll_size"],[113,2,1,"","predict_dataloader"],[113,3,1,"","predict_likelihood_parameters"],[113,2,1,"","predict_step"],[113,2,1,"","prepare_data"],[113,3,1,"","prepare_data_per_node"],[113,2,1,"","print"],[113,2,1,"","register_backward_hook"],[113,2,1,"","register_buffer"],[113,2,1,"","register_forward_hook"],[113,2,1,"","register_forward_pre_hook"],[113,2,1,"","register_full_backward_hook"],[113,2,1,"","register_full_backward_pre_hook"],[113,2,1,"","register_load_state_dict_post_hook"],[113,2,1,"","register_module"],[113,2,1,"","register_parameter"],[113,2,1,"","register_state_dict_pre_hook"],[113,2,1,"","requires_grad_"],[113,2,1,"","save_hyperparameters"],[113,2,1,"","set_extra_state"],[113,2,1,"","set_mc_dropout"],[113,2,1,"","set_predict_parameters"],[113,2,1,"","setup"],[113,2,1,"","share_memory"],[113,2,1,"","state_dict"],[113,2,1,"","teardown"],[113,2,1,"","test_dataloader"],[113,2,1,"","test_step"],[113,2,1,"","to"],[113,2,1,"","to_dtype"],[113,2,1,"","to_empty"],[113,2,1,"","to_onnx"],[113,2,1,"","to_torchscript"],[113,2,1,"","toggle_optimizer"],[113,2,1,"","train"],[113,2,1,"","train_dataloader"],[113,4,1,"","trainer"],[113,3,1,"","training"],[113,2,1,"","training_step"],[113,2,1,"","transfer_batch_to_device"],[113,2,1,"","type"],[113,2,1,"","unfreeze"],[113,2,1,"","untoggle_optimizer"],[113,2,1,"","val_dataloader"],[113,2,1,"","validation_step"],[113,2,1,"","xpu"],[113,2,1,"","zero_grad"]],"darts.models.forecasting.pl_forecasting_module.PLPastCovariatesModule":[[113,3,1,"","CHECKPOINT_HYPER_PARAMS_KEY"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_NAME"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_TYPE"],[113,3,1,"","T_destination"],[113,2,1,"","add_module"],[113,2,1,"","all_gather"],[113,3,1,"","allow_zero_length_dataloader_with_multiple_devices"],[113,2,1,"","apply"],[113,4,1,"","automatic_optimization"],[113,2,1,"","backward"],[113,2,1,"","bfloat16"],[113,2,1,"","buffers"],[113,3,1,"","call_super_init"],[113,2,1,"","children"],[113,2,1,"","clip_gradients"],[113,2,1,"","compile"],[113,2,1,"","configure_callbacks"],[113,2,1,"","configure_gradient_clipping"],[113,2,1,"","configure_model"],[113,2,1,"","configure_optimizers"],[113,2,1,"","configure_sharded_model"],[113,2,1,"","configure_torch_metrics"],[113,2,1,"","cpu"],[113,2,1,"","cuda"],[113,4,1,"","current_epoch"],[113,4,1,"","device"],[113,2,1,"","double"],[113,4,1,"","dtype"],[113,3,1,"","dump_patches"],[113,4,1,"","epochs_trained"],[113,2,1,"","eval"],[113,4,1,"","example_input_array"],[113,2,1,"","extra_repr"],[113,4,1,"","fabric"],[113,2,1,"","float"],[113,2,1,"","forward"],[113,2,1,"","freeze"],[113,2,1,"","get_buffer"],[113,2,1,"","get_extra_state"],[113,2,1,"","get_parameter"],[113,2,1,"","get_submodule"],[113,4,1,"","global_rank"],[113,4,1,"","global_step"],[113,2,1,"","half"],[113,4,1,"","hparams"],[113,4,1,"","hparams_initial"],[113,2,1,"","ipu"],[113,2,1,"","load_from_checkpoint"],[113,2,1,"","load_state_dict"],[113,4,1,"","local_rank"],[113,2,1,"","log"],[113,2,1,"","log_dict"],[113,4,1,"","logger"],[113,4,1,"","loggers"],[113,2,1,"","lr_scheduler_step"],[113,2,1,"","lr_schedulers"],[113,2,1,"","manual_backward"],[113,2,1,"","modules"],[113,2,1,"","named_buffers"],[113,2,1,"","named_children"],[113,2,1,"","named_modules"],[113,2,1,"","named_parameters"],[113,2,1,"","on_after_backward"],[113,2,1,"","on_after_batch_transfer"],[113,2,1,"","on_before_backward"],[113,2,1,"","on_before_batch_transfer"],[113,2,1,"","on_before_optimizer_step"],[113,2,1,"","on_before_zero_grad"],[113,2,1,"","on_fit_end"],[113,2,1,"","on_fit_start"],[113,4,1,"","on_gpu"],[113,2,1,"","on_load_checkpoint"],[113,2,1,"","on_predict_batch_end"],[113,2,1,"","on_predict_batch_start"],[113,2,1,"","on_predict_end"],[113,2,1,"","on_predict_epoch_end"],[113,2,1,"","on_predict_epoch_start"],[113,2,1,"","on_predict_model_eval"],[113,2,1,"","on_predict_start"],[113,2,1,"","on_save_checkpoint"],[113,2,1,"","on_test_batch_end"],[113,2,1,"","on_test_batch_start"],[113,2,1,"","on_test_end"],[113,2,1,"","on_test_epoch_end"],[113,2,1,"","on_test_epoch_start"],[113,2,1,"","on_test_model_eval"],[113,2,1,"","on_test_model_train"],[113,2,1,"","on_test_start"],[113,2,1,"","on_train_batch_end"],[113,2,1,"","on_train_batch_start"],[113,2,1,"","on_train_end"],[113,2,1,"","on_train_epoch_end"],[113,2,1,"","on_train_epoch_start"],[113,2,1,"","on_train_start"],[113,2,1,"","on_validation_batch_end"],[113,2,1,"","on_validation_batch_start"],[113,2,1,"","on_validation_end"],[113,2,1,"","on_validation_epoch_end"],[113,2,1,"","on_validation_epoch_start"],[113,2,1,"","on_validation_model_eval"],[113,2,1,"","on_validation_model_train"],[113,2,1,"","on_validation_model_zero_grad"],[113,2,1,"","on_validation_start"],[113,2,1,"","optimizer_step"],[113,2,1,"","optimizer_zero_grad"],[113,2,1,"","optimizers"],[113,4,1,"","output_chunk_length"],[113,2,1,"","parameters"],[113,3,1,"","pred_batch_size"],[113,3,1,"","pred_n"],[113,3,1,"","pred_n_jobs"],[113,3,1,"","pred_num_samples"],[113,3,1,"","pred_roll_size"],[113,2,1,"","predict_dataloader"],[113,3,1,"","predict_likelihood_parameters"],[113,2,1,"","predict_step"],[113,2,1,"","prepare_data"],[113,3,1,"","prepare_data_per_node"],[113,2,1,"","print"],[113,2,1,"","register_backward_hook"],[113,2,1,"","register_buffer"],[113,2,1,"","register_forward_hook"],[113,2,1,"","register_forward_pre_hook"],[113,2,1,"","register_full_backward_hook"],[113,2,1,"","register_full_backward_pre_hook"],[113,2,1,"","register_load_state_dict_post_hook"],[113,2,1,"","register_module"],[113,2,1,"","register_parameter"],[113,2,1,"","register_state_dict_pre_hook"],[113,2,1,"","requires_grad_"],[113,2,1,"","save_hyperparameters"],[113,2,1,"","set_extra_state"],[113,2,1,"","set_mc_dropout"],[113,2,1,"","set_predict_parameters"],[113,2,1,"","setup"],[113,2,1,"","share_memory"],[113,2,1,"","state_dict"],[113,2,1,"","teardown"],[113,2,1,"","test_dataloader"],[113,2,1,"","test_step"],[113,2,1,"","to"],[113,2,1,"","to_dtype"],[113,2,1,"","to_empty"],[113,2,1,"","to_onnx"],[113,2,1,"","to_torchscript"],[113,2,1,"","toggle_optimizer"],[113,2,1,"","train"],[113,2,1,"","train_dataloader"],[113,4,1,"","trainer"],[113,3,1,"","training"],[113,2,1,"","training_step"],[113,2,1,"","transfer_batch_to_device"],[113,2,1,"","type"],[113,2,1,"","unfreeze"],[113,2,1,"","untoggle_optimizer"],[113,2,1,"","val_dataloader"],[113,2,1,"","validation_step"],[113,2,1,"","xpu"],[113,2,1,"","zero_grad"]],"darts.models.forecasting.pl_forecasting_module.PLSplitCovariatesModule":[[113,3,1,"","CHECKPOINT_HYPER_PARAMS_KEY"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_NAME"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_TYPE"],[113,3,1,"","T_destination"],[113,2,1,"","add_module"],[113,2,1,"","all_gather"],[113,3,1,"","allow_zero_length_dataloader_with_multiple_devices"],[113,2,1,"","apply"],[113,4,1,"","automatic_optimization"],[113,2,1,"","backward"],[113,2,1,"","bfloat16"],[113,2,1,"","buffers"],[113,3,1,"","call_super_init"],[113,2,1,"","children"],[113,2,1,"","clip_gradients"],[113,2,1,"","compile"],[113,2,1,"","configure_callbacks"],[113,2,1,"","configure_gradient_clipping"],[113,2,1,"","configure_model"],[113,2,1,"","configure_optimizers"],[113,2,1,"","configure_sharded_model"],[113,2,1,"","configure_torch_metrics"],[113,2,1,"","cpu"],[113,2,1,"","cuda"],[113,4,1,"","current_epoch"],[113,4,1,"","device"],[113,2,1,"","double"],[113,4,1,"","dtype"],[113,3,1,"","dump_patches"],[113,4,1,"","epochs_trained"],[113,2,1,"","eval"],[113,4,1,"","example_input_array"],[113,2,1,"","extra_repr"],[113,4,1,"","fabric"],[113,2,1,"","float"],[113,2,1,"","forward"],[113,2,1,"","freeze"],[113,2,1,"","get_buffer"],[113,2,1,"","get_extra_state"],[113,2,1,"","get_parameter"],[113,2,1,"","get_submodule"],[113,4,1,"","global_rank"],[113,4,1,"","global_step"],[113,2,1,"","half"],[113,4,1,"","hparams"],[113,4,1,"","hparams_initial"],[113,2,1,"","ipu"],[113,2,1,"","load_from_checkpoint"],[113,2,1,"","load_state_dict"],[113,4,1,"","local_rank"],[113,2,1,"","log"],[113,2,1,"","log_dict"],[113,4,1,"","logger"],[113,4,1,"","loggers"],[113,2,1,"","lr_scheduler_step"],[113,2,1,"","lr_schedulers"],[113,2,1,"","manual_backward"],[113,2,1,"","modules"],[113,2,1,"","named_buffers"],[113,2,1,"","named_children"],[113,2,1,"","named_modules"],[113,2,1,"","named_parameters"],[113,2,1,"","on_after_backward"],[113,2,1,"","on_after_batch_transfer"],[113,2,1,"","on_before_backward"],[113,2,1,"","on_before_batch_transfer"],[113,2,1,"","on_before_optimizer_step"],[113,2,1,"","on_before_zero_grad"],[113,2,1,"","on_fit_end"],[113,2,1,"","on_fit_start"],[113,4,1,"","on_gpu"],[113,2,1,"","on_load_checkpoint"],[113,2,1,"","on_predict_batch_end"],[113,2,1,"","on_predict_batch_start"],[113,2,1,"","on_predict_end"],[113,2,1,"","on_predict_epoch_end"],[113,2,1,"","on_predict_epoch_start"],[113,2,1,"","on_predict_model_eval"],[113,2,1,"","on_predict_start"],[113,2,1,"","on_save_checkpoint"],[113,2,1,"","on_test_batch_end"],[113,2,1,"","on_test_batch_start"],[113,2,1,"","on_test_end"],[113,2,1,"","on_test_epoch_end"],[113,2,1,"","on_test_epoch_start"],[113,2,1,"","on_test_model_eval"],[113,2,1,"","on_test_model_train"],[113,2,1,"","on_test_start"],[113,2,1,"","on_train_batch_end"],[113,2,1,"","on_train_batch_start"],[113,2,1,"","on_train_end"],[113,2,1,"","on_train_epoch_end"],[113,2,1,"","on_train_epoch_start"],[113,2,1,"","on_train_start"],[113,2,1,"","on_validation_batch_end"],[113,2,1,"","on_validation_batch_start"],[113,2,1,"","on_validation_end"],[113,2,1,"","on_validation_epoch_end"],[113,2,1,"","on_validation_epoch_start"],[113,2,1,"","on_validation_model_eval"],[113,2,1,"","on_validation_model_train"],[113,2,1,"","on_validation_model_zero_grad"],[113,2,1,"","on_validation_start"],[113,2,1,"","optimizer_step"],[113,2,1,"","optimizer_zero_grad"],[113,2,1,"","optimizers"],[113,4,1,"","output_chunk_length"],[113,2,1,"","parameters"],[113,3,1,"","pred_batch_size"],[113,3,1,"","pred_n"],[113,3,1,"","pred_n_jobs"],[113,3,1,"","pred_num_samples"],[113,3,1,"","pred_roll_size"],[113,2,1,"","predict_dataloader"],[113,3,1,"","predict_likelihood_parameters"],[113,2,1,"","predict_step"],[113,2,1,"","prepare_data"],[113,3,1,"","prepare_data_per_node"],[113,2,1,"","print"],[113,2,1,"","register_backward_hook"],[113,2,1,"","register_buffer"],[113,2,1,"","register_forward_hook"],[113,2,1,"","register_forward_pre_hook"],[113,2,1,"","register_full_backward_hook"],[113,2,1,"","register_full_backward_pre_hook"],[113,2,1,"","register_load_state_dict_post_hook"],[113,2,1,"","register_module"],[113,2,1,"","register_parameter"],[113,2,1,"","register_state_dict_pre_hook"],[113,2,1,"","requires_grad_"],[113,2,1,"","save_hyperparameters"],[113,2,1,"","set_extra_state"],[113,2,1,"","set_mc_dropout"],[113,2,1,"","set_predict_parameters"],[113,2,1,"","setup"],[113,2,1,"","share_memory"],[113,2,1,"","state_dict"],[113,2,1,"","teardown"],[113,2,1,"","test_dataloader"],[113,2,1,"","test_step"],[113,2,1,"","to"],[113,2,1,"","to_dtype"],[113,2,1,"","to_empty"],[113,2,1,"","to_onnx"],[113,2,1,"","to_torchscript"],[113,2,1,"","toggle_optimizer"],[113,2,1,"","train"],[113,2,1,"","train_dataloader"],[113,4,1,"","trainer"],[113,3,1,"","training"],[113,2,1,"","training_step"],[113,2,1,"","transfer_batch_to_device"],[113,2,1,"","type"],[113,2,1,"","unfreeze"],[113,2,1,"","untoggle_optimizer"],[113,2,1,"","val_dataloader"],[113,2,1,"","validation_step"],[113,2,1,"","xpu"],[113,2,1,"","zero_grad"]],"darts.models.forecasting.prophet_model":[[114,1,1,"","Prophet"]],"darts.models.forecasting.prophet_model.Prophet":[[114,2,1,"","add_seasonality"],[114,2,1,"","backtest"],[114,4,1,"","considers_static_covariates"],[114,4,1,"","extreme_lags"],[114,2,1,"","fit"],[114,2,1,"","generate_fit_encodings"],[114,2,1,"","generate_fit_predict_encodings"],[114,2,1,"","generate_predict_encodings"],[114,2,1,"","gridsearch"],[114,2,1,"","historical_forecasts"],[114,2,1,"","load"],[114,4,1,"","min_train_samples"],[114,4,1,"","model_params"],[114,4,1,"","output_chunk_length"],[114,2,1,"","predict"],[114,2,1,"","predict_raw"],[114,2,1,"","residuals"],[114,2,1,"","save"],[114,4,1,"","supports_future_covariates"],[114,4,1,"","supports_likelihood_parameter_prediction"],[114,4,1,"","supports_multivariate"],[114,4,1,"","supports_optimized_historical_forecasts"],[114,4,1,"","supports_past_covariates"],[114,4,1,"","supports_static_covariates"],[114,4,1,"","uses_future_covariates"],[114,4,1,"","uses_past_covariates"],[114,4,1,"","uses_static_covariates"]],"darts.models.forecasting.random_forest":[[115,1,1,"","RandomForest"]],"darts.models.forecasting.random_forest.RandomForest":[[115,2,1,"","backtest"],[115,4,1,"","considers_static_covariates"],[115,4,1,"","extreme_lags"],[115,2,1,"","fit"],[115,2,1,"","generate_fit_encodings"],[115,2,1,"","generate_fit_predict_encodings"],[115,2,1,"","generate_predict_encodings"],[115,2,1,"","get_multioutput_estimator"],[115,2,1,"","gridsearch"],[115,2,1,"","historical_forecasts"],[115,4,1,"","lagged_feature_names"],[115,2,1,"","load"],[115,4,1,"","min_train_samples"],[115,4,1,"","model_params"],[115,4,1,"","output_chunk_length"],[115,2,1,"","predict"],[115,2,1,"","residuals"],[115,2,1,"","save"],[115,4,1,"","supports_future_covariates"],[115,4,1,"","supports_likelihood_parameter_prediction"],[115,4,1,"","supports_multivariate"],[115,4,1,"","supports_optimized_historical_forecasts"],[115,4,1,"","supports_past_covariates"],[115,4,1,"","supports_static_covariates"],[115,4,1,"","uses_future_covariates"],[115,4,1,"","uses_past_covariates"],[115,4,1,"","uses_static_covariates"]],"darts.models.forecasting.regression_ensemble_model":[[116,1,1,"","RegressionEnsembleModel"]],"darts.models.forecasting.regression_ensemble_model.RegressionEnsembleModel":[[116,2,1,"","backtest"],[116,4,1,"","considers_static_covariates"],[116,2,1,"","ensemble"],[116,4,1,"","extreme_lags"],[116,2,1,"","fit"],[116,2,1,"","generate_fit_encodings"],[116,2,1,"","generate_fit_predict_encodings"],[116,2,1,"","generate_predict_encodings"],[116,2,1,"","gridsearch"],[116,2,1,"","historical_forecasts"],[116,2,1,"","load"],[116,4,1,"","min_train_samples"],[116,4,1,"","model_params"],[116,4,1,"","output_chunk_length"],[116,2,1,"","predict"],[116,2,1,"","residuals"],[116,2,1,"","save"],[116,4,1,"","supports_future_covariates"],[116,4,1,"","supports_likelihood_parameter_prediction"],[116,4,1,"","supports_multivariate"],[116,4,1,"","supports_optimized_historical_forecasts"],[116,4,1,"","supports_past_covariates"],[116,4,1,"","supports_static_covariates"],[116,4,1,"","uses_future_covariates"],[116,4,1,"","uses_past_covariates"],[116,4,1,"","uses_static_covariates"]],"darts.models.forecasting.regression_model":[[117,1,1,"","RegressionModel"],[117,1,1,"","RegressionModelWithCategoricalCovariates"]],"darts.models.forecasting.regression_model.RegressionModel":[[117,2,1,"","backtest"],[117,4,1,"","considers_static_covariates"],[117,4,1,"","extreme_lags"],[117,2,1,"","fit"],[117,2,1,"","generate_fit_encodings"],[117,2,1,"","generate_fit_predict_encodings"],[117,2,1,"","generate_predict_encodings"],[117,2,1,"","get_multioutput_estimator"],[117,2,1,"","gridsearch"],[117,2,1,"","historical_forecasts"],[117,4,1,"","lagged_feature_names"],[117,2,1,"","load"],[117,4,1,"","min_train_samples"],[117,4,1,"","model_params"],[117,4,1,"","output_chunk_length"],[117,2,1,"","predict"],[117,2,1,"","residuals"],[117,2,1,"","save"],[117,4,1,"","supports_future_covariates"],[117,4,1,"","supports_likelihood_parameter_prediction"],[117,4,1,"","supports_multivariate"],[117,4,1,"","supports_optimized_historical_forecasts"],[117,4,1,"","supports_past_covariates"],[117,4,1,"","supports_static_covariates"],[117,4,1,"","uses_future_covariates"],[117,4,1,"","uses_past_covariates"],[117,4,1,"","uses_static_covariates"]],"darts.models.forecasting.regression_model.RegressionModelWithCategoricalCovariates":[[117,2,1,"","backtest"],[117,4,1,"","considers_static_covariates"],[117,4,1,"","extreme_lags"],[117,2,1,"","fit"],[117,2,1,"","generate_fit_encodings"],[117,2,1,"","generate_fit_predict_encodings"],[117,2,1,"","generate_predict_encodings"],[117,2,1,"","get_multioutput_estimator"],[117,2,1,"","gridsearch"],[117,2,1,"","historical_forecasts"],[117,4,1,"","lagged_feature_names"],[117,2,1,"","load"],[117,4,1,"","min_train_samples"],[117,4,1,"","model_params"],[117,4,1,"","output_chunk_length"],[117,2,1,"","predict"],[117,2,1,"","residuals"],[117,2,1,"","save"],[117,4,1,"","supports_future_covariates"],[117,4,1,"","supports_likelihood_parameter_prediction"],[117,4,1,"","supports_multivariate"],[117,4,1,"","supports_optimized_historical_forecasts"],[117,4,1,"","supports_past_covariates"],[117,4,1,"","supports_static_covariates"],[117,4,1,"","uses_future_covariates"],[117,4,1,"","uses_past_covariates"],[117,4,1,"","uses_static_covariates"]],"darts.models.forecasting.rnn_model":[[118,1,1,"","RNNModel"]],"darts.models.forecasting.rnn_model.RNNModel":[[118,2,1,"","backtest"],[118,4,1,"","considers_static_covariates"],[118,4,1,"","epochs_trained"],[118,4,1,"","extreme_lags"],[118,2,1,"","fit"],[118,2,1,"","fit_from_dataset"],[118,2,1,"","generate_fit_encodings"],[118,2,1,"","generate_fit_predict_encodings"],[118,2,1,"","generate_predict_encodings"],[118,2,1,"","gridsearch"],[118,2,1,"","historical_forecasts"],[118,4,1,"","input_chunk_length"],[118,4,1,"","likelihood"],[118,2,1,"","load"],[118,2,1,"","load_from_checkpoint"],[118,2,1,"","load_weights"],[118,2,1,"","load_weights_from_checkpoint"],[118,2,1,"","lr_find"],[118,4,1,"","min_train_samples"],[118,4,1,"","model_created"],[118,4,1,"","model_params"],[118,4,1,"","output_chunk_length"],[118,2,1,"","predict"],[118,2,1,"","predict_from_dataset"],[118,2,1,"","reset_model"],[118,2,1,"","residuals"],[118,2,1,"","save"],[118,4,1,"","supports_future_covariates"],[118,4,1,"","supports_likelihood_parameter_prediction"],[118,4,1,"","supports_multivariate"],[118,4,1,"","supports_optimized_historical_forecasts"],[118,3,1,"","supports_past_covariates"],[118,4,1,"","supports_static_covariates"],[118,2,1,"","to_cpu"],[118,4,1,"","uses_future_covariates"],[118,4,1,"","uses_past_covariates"],[118,4,1,"","uses_static_covariates"]],"darts.models.forecasting.sf_auto_arima":[[119,1,1,"","StatsForecastAutoARIMA"]],"darts.models.forecasting.sf_auto_arima.StatsForecastAutoARIMA":[[119,2,1,"","backtest"],[119,4,1,"","considers_static_covariates"],[119,4,1,"","extreme_lags"],[119,2,1,"","fit"],[119,2,1,"","generate_fit_encodings"],[119,2,1,"","generate_fit_predict_encodings"],[119,2,1,"","generate_predict_encodings"],[119,2,1,"","gridsearch"],[119,2,1,"","historical_forecasts"],[119,2,1,"","load"],[119,4,1,"","min_train_samples"],[119,4,1,"","model_params"],[119,4,1,"","output_chunk_length"],[119,2,1,"","predict"],[119,2,1,"","residuals"],[119,2,1,"","save"],[119,4,1,"","supports_future_covariates"],[119,4,1,"","supports_likelihood_parameter_prediction"],[119,4,1,"","supports_multivariate"],[119,4,1,"","supports_optimized_historical_forecasts"],[119,4,1,"","supports_past_covariates"],[119,4,1,"","supports_static_covariates"],[119,4,1,"","uses_future_covariates"],[119,4,1,"","uses_past_covariates"],[119,4,1,"","uses_static_covariates"]],"darts.models.forecasting.sf_auto_ces":[[120,1,1,"","StatsForecastAutoCES"]],"darts.models.forecasting.sf_auto_ces.StatsForecastAutoCES":[[120,2,1,"","backtest"],[120,4,1,"","considers_static_covariates"],[120,4,1,"","extreme_lags"],[120,2,1,"","fit"],[120,2,1,"","generate_fit_encodings"],[120,2,1,"","generate_fit_predict_encodings"],[120,2,1,"","generate_predict_encodings"],[120,2,1,"","gridsearch"],[120,2,1,"","historical_forecasts"],[120,2,1,"","load"],[120,4,1,"","min_train_samples"],[120,4,1,"","model_params"],[120,4,1,"","output_chunk_length"],[120,2,1,"","predict"],[120,2,1,"","residuals"],[120,2,1,"","save"],[120,4,1,"","supports_future_covariates"],[120,4,1,"","supports_likelihood_parameter_prediction"],[120,4,1,"","supports_multivariate"],[120,4,1,"","supports_optimized_historical_forecasts"],[120,4,1,"","supports_past_covariates"],[120,4,1,"","supports_static_covariates"],[120,4,1,"","uses_future_covariates"],[120,4,1,"","uses_past_covariates"],[120,4,1,"","uses_static_covariates"]],"darts.models.forecasting.sf_auto_ets":[[121,1,1,"","StatsForecastAutoETS"]],"darts.models.forecasting.sf_auto_ets.StatsForecastAutoETS":[[121,2,1,"","backtest"],[121,4,1,"","considers_static_covariates"],[121,4,1,"","extreme_lags"],[121,2,1,"","fit"],[121,2,1,"","generate_fit_encodings"],[121,2,1,"","generate_fit_predict_encodings"],[121,2,1,"","generate_predict_encodings"],[121,2,1,"","gridsearch"],[121,2,1,"","historical_forecasts"],[121,2,1,"","load"],[121,4,1,"","min_train_samples"],[121,4,1,"","model_params"],[121,4,1,"","output_chunk_length"],[121,2,1,"","predict"],[121,2,1,"","residuals"],[121,2,1,"","save"],[121,4,1,"","supports_future_covariates"],[121,4,1,"","supports_likelihood_parameter_prediction"],[121,4,1,"","supports_multivariate"],[121,4,1,"","supports_optimized_historical_forecasts"],[121,4,1,"","supports_past_covariates"],[121,4,1,"","supports_static_covariates"],[121,4,1,"","uses_future_covariates"],[121,4,1,"","uses_past_covariates"],[121,4,1,"","uses_static_covariates"]],"darts.models.forecasting.sf_auto_theta":[[122,1,1,"","StatsForecastAutoTheta"]],"darts.models.forecasting.sf_auto_theta.StatsForecastAutoTheta":[[122,2,1,"","backtest"],[122,4,1,"","considers_static_covariates"],[122,4,1,"","extreme_lags"],[122,2,1,"","fit"],[122,2,1,"","generate_fit_encodings"],[122,2,1,"","generate_fit_predict_encodings"],[122,2,1,"","generate_predict_encodings"],[122,2,1,"","gridsearch"],[122,2,1,"","historical_forecasts"],[122,2,1,"","load"],[122,4,1,"","min_train_samples"],[122,4,1,"","model_params"],[122,4,1,"","output_chunk_length"],[122,2,1,"","predict"],[122,2,1,"","residuals"],[122,2,1,"","save"],[122,4,1,"","supports_future_covariates"],[122,4,1,"","supports_likelihood_parameter_prediction"],[122,4,1,"","supports_multivariate"],[122,4,1,"","supports_optimized_historical_forecasts"],[122,4,1,"","supports_past_covariates"],[122,4,1,"","supports_static_covariates"],[122,4,1,"","uses_future_covariates"],[122,4,1,"","uses_past_covariates"],[122,4,1,"","uses_static_covariates"]],"darts.models.forecasting.tbats_model":[[123,1,1,"","BATS"],[123,1,1,"","TBATS"]],"darts.models.forecasting.tbats_model.BATS":[[123,2,1,"","backtest"],[123,4,1,"","considers_static_covariates"],[123,4,1,"","extreme_lags"],[123,2,1,"","fit"],[123,2,1,"","generate_fit_encodings"],[123,2,1,"","generate_fit_predict_encodings"],[123,2,1,"","generate_predict_encodings"],[123,2,1,"","gridsearch"],[123,2,1,"","historical_forecasts"],[123,2,1,"","load"],[123,4,1,"","min_train_samples"],[123,4,1,"","model_params"],[123,4,1,"","output_chunk_length"],[123,2,1,"","predict"],[123,2,1,"","residuals"],[123,2,1,"","save"],[123,4,1,"","supports_future_covariates"],[123,4,1,"","supports_likelihood_parameter_prediction"],[123,4,1,"","supports_multivariate"],[123,4,1,"","supports_optimized_historical_forecasts"],[123,4,1,"","supports_past_covariates"],[123,4,1,"","supports_static_covariates"],[123,4,1,"","uses_future_covariates"],[123,4,1,"","uses_past_covariates"],[123,4,1,"","uses_static_covariates"]],"darts.models.forecasting.tbats_model.TBATS":[[123,2,1,"","backtest"],[123,4,1,"","considers_static_covariates"],[123,4,1,"","extreme_lags"],[123,2,1,"","fit"],[123,2,1,"","generate_fit_encodings"],[123,2,1,"","generate_fit_predict_encodings"],[123,2,1,"","generate_predict_encodings"],[123,2,1,"","gridsearch"],[123,2,1,"","historical_forecasts"],[123,2,1,"","load"],[123,4,1,"","min_train_samples"],[123,4,1,"","model_params"],[123,4,1,"","output_chunk_length"],[123,2,1,"","predict"],[123,2,1,"","residuals"],[123,2,1,"","save"],[123,4,1,"","supports_future_covariates"],[123,4,1,"","supports_likelihood_parameter_prediction"],[123,4,1,"","supports_multivariate"],[123,4,1,"","supports_optimized_historical_forecasts"],[123,4,1,"","supports_past_covariates"],[123,4,1,"","supports_static_covariates"],[123,4,1,"","uses_future_covariates"],[123,4,1,"","uses_past_covariates"],[123,4,1,"","uses_static_covariates"]],"darts.models.forecasting.tcn_model":[[124,1,1,"","TCNModel"]],"darts.models.forecasting.tcn_model.TCNModel":[[124,2,1,"","backtest"],[124,4,1,"","considers_static_covariates"],[124,4,1,"","epochs_trained"],[124,4,1,"","extreme_lags"],[124,2,1,"","fit"],[124,2,1,"","fit_from_dataset"],[124,2,1,"","generate_fit_encodings"],[124,2,1,"","generate_fit_predict_encodings"],[124,2,1,"","generate_predict_encodings"],[124,2,1,"","gridsearch"],[124,2,1,"","historical_forecasts"],[124,4,1,"","input_chunk_length"],[124,4,1,"","likelihood"],[124,2,1,"","load"],[124,2,1,"","load_from_checkpoint"],[124,2,1,"","load_weights"],[124,2,1,"","load_weights_from_checkpoint"],[124,2,1,"","lr_find"],[124,4,1,"","min_train_samples"],[124,4,1,"","model_created"],[124,4,1,"","model_params"],[124,4,1,"","output_chunk_length"],[124,2,1,"","predict"],[124,2,1,"","predict_from_dataset"],[124,2,1,"","reset_model"],[124,2,1,"","residuals"],[124,2,1,"","save"],[124,3,1,"","supports_future_covariates"],[124,4,1,"","supports_likelihood_parameter_prediction"],[124,4,1,"","supports_multivariate"],[124,4,1,"","supports_optimized_historical_forecasts"],[124,4,1,"","supports_past_covariates"],[124,4,1,"","supports_static_covariates"],[124,2,1,"","to_cpu"],[124,4,1,"","uses_future_covariates"],[124,4,1,"","uses_past_covariates"],[124,4,1,"","uses_static_covariates"]],"darts.models.forecasting.tft_model":[[125,1,1,"","TFTModel"]],"darts.models.forecasting.tft_model.TFTModel":[[125,2,1,"","backtest"],[125,4,1,"","considers_static_covariates"],[125,4,1,"","epochs_trained"],[125,4,1,"","extreme_lags"],[125,2,1,"","fit"],[125,2,1,"","fit_from_dataset"],[125,2,1,"","generate_fit_encodings"],[125,2,1,"","generate_fit_predict_encodings"],[125,2,1,"","generate_predict_encodings"],[125,2,1,"","gridsearch"],[125,2,1,"","historical_forecasts"],[125,4,1,"","input_chunk_length"],[125,4,1,"","likelihood"],[125,2,1,"","load"],[125,2,1,"","load_from_checkpoint"],[125,2,1,"","load_weights"],[125,2,1,"","load_weights_from_checkpoint"],[125,2,1,"","lr_find"],[125,4,1,"","min_train_samples"],[125,4,1,"","model_created"],[125,4,1,"","model_params"],[125,4,1,"","output_chunk_length"],[125,2,1,"","predict"],[125,2,1,"","predict_from_dataset"],[125,2,1,"","reset_model"],[125,2,1,"","residuals"],[125,2,1,"","save"],[125,4,1,"","supports_future_covariates"],[125,4,1,"","supports_likelihood_parameter_prediction"],[125,4,1,"","supports_multivariate"],[125,4,1,"","supports_optimized_historical_forecasts"],[125,4,1,"","supports_past_covariates"],[125,4,1,"","supports_static_covariates"],[125,2,1,"","to_cpu"],[125,4,1,"","uses_future_covariates"],[125,4,1,"","uses_past_covariates"],[125,4,1,"","uses_static_covariates"]],"darts.models.forecasting.tft_submodels":[[126,5,1,"","get_embedding_size"]],"darts.models.forecasting.theta":[[127,1,1,"","FourTheta"],[127,1,1,"","Theta"]],"darts.models.forecasting.theta.FourTheta":[[127,2,1,"","backtest"],[127,4,1,"","considers_static_covariates"],[127,4,1,"","extreme_lags"],[127,2,1,"","fit"],[127,2,1,"","generate_fit_encodings"],[127,2,1,"","generate_fit_predict_encodings"],[127,2,1,"","generate_predict_encodings"],[127,2,1,"","gridsearch"],[127,2,1,"","historical_forecasts"],[127,2,1,"","load"],[127,4,1,"","min_train_samples"],[127,4,1,"","model_params"],[127,4,1,"","output_chunk_length"],[127,2,1,"","predict"],[127,2,1,"","residuals"],[127,2,1,"","save"],[127,2,1,"","select_best_model"],[127,4,1,"","supports_future_covariates"],[127,4,1,"","supports_likelihood_parameter_prediction"],[127,4,1,"","supports_multivariate"],[127,4,1,"","supports_optimized_historical_forecasts"],[127,4,1,"","supports_past_covariates"],[127,4,1,"","supports_static_covariates"],[127,4,1,"","uses_future_covariates"],[127,4,1,"","uses_past_covariates"],[127,4,1,"","uses_static_covariates"]],"darts.models.forecasting.theta.Theta":[[127,2,1,"","backtest"],[127,4,1,"","considers_static_covariates"],[127,4,1,"","extreme_lags"],[127,2,1,"","fit"],[127,2,1,"","generate_fit_encodings"],[127,2,1,"","generate_fit_predict_encodings"],[127,2,1,"","generate_predict_encodings"],[127,2,1,"","gridsearch"],[127,2,1,"","historical_forecasts"],[127,2,1,"","load"],[127,4,1,"","min_train_samples"],[127,4,1,"","model_params"],[127,4,1,"","output_chunk_length"],[127,2,1,"","predict"],[127,2,1,"","residuals"],[127,2,1,"","save"],[127,4,1,"","supports_future_covariates"],[127,4,1,"","supports_likelihood_parameter_prediction"],[127,4,1,"","supports_multivariate"],[127,4,1,"","supports_optimized_historical_forecasts"],[127,4,1,"","supports_past_covariates"],[127,4,1,"","supports_static_covariates"],[127,4,1,"","uses_future_covariates"],[127,4,1,"","uses_past_covariates"],[127,4,1,"","uses_static_covariates"]],"darts.models.forecasting.tide_model":[[128,1,1,"","TiDEModel"]],"darts.models.forecasting.tide_model.TiDEModel":[[128,2,1,"","backtest"],[128,4,1,"","considers_static_covariates"],[128,4,1,"","epochs_trained"],[128,4,1,"","extreme_lags"],[128,2,1,"","fit"],[128,2,1,"","fit_from_dataset"],[128,2,1,"","generate_fit_encodings"],[128,2,1,"","generate_fit_predict_encodings"],[128,2,1,"","generate_predict_encodings"],[128,2,1,"","gridsearch"],[128,2,1,"","historical_forecasts"],[128,4,1,"","input_chunk_length"],[128,4,1,"","likelihood"],[128,2,1,"","load"],[128,2,1,"","load_from_checkpoint"],[128,2,1,"","load_weights"],[128,2,1,"","load_weights_from_checkpoint"],[128,2,1,"","lr_find"],[128,4,1,"","min_train_samples"],[128,4,1,"","model_created"],[128,4,1,"","model_params"],[128,4,1,"","output_chunk_length"],[128,2,1,"","predict"],[128,2,1,"","predict_from_dataset"],[128,2,1,"","reset_model"],[128,2,1,"","residuals"],[128,2,1,"","save"],[128,4,1,"","supports_future_covariates"],[128,4,1,"","supports_likelihood_parameter_prediction"],[128,4,1,"","supports_multivariate"],[128,4,1,"","supports_optimized_historical_forecasts"],[128,4,1,"","supports_past_covariates"],[128,4,1,"","supports_static_covariates"],[128,2,1,"","to_cpu"],[128,4,1,"","uses_future_covariates"],[128,4,1,"","uses_past_covariates"],[128,4,1,"","uses_static_covariates"]],"darts.models.forecasting.transformer_model":[[130,1,1,"","TransformerModel"]],"darts.models.forecasting.transformer_model.TransformerModel":[[130,2,1,"","backtest"],[130,4,1,"","considers_static_covariates"],[130,4,1,"","epochs_trained"],[130,4,1,"","extreme_lags"],[130,2,1,"","fit"],[130,2,1,"","fit_from_dataset"],[130,2,1,"","generate_fit_encodings"],[130,2,1,"","generate_fit_predict_encodings"],[130,2,1,"","generate_predict_encodings"],[130,2,1,"","gridsearch"],[130,2,1,"","historical_forecasts"],[130,4,1,"","input_chunk_length"],[130,4,1,"","likelihood"],[130,2,1,"","load"],[130,2,1,"","load_from_checkpoint"],[130,2,1,"","load_weights"],[130,2,1,"","load_weights_from_checkpoint"],[130,2,1,"","lr_find"],[130,4,1,"","min_train_samples"],[130,4,1,"","model_created"],[130,4,1,"","model_params"],[130,4,1,"","output_chunk_length"],[130,2,1,"","predict"],[130,2,1,"","predict_from_dataset"],[130,2,1,"","reset_model"],[130,2,1,"","residuals"],[130,2,1,"","save"],[130,3,1,"","supports_future_covariates"],[130,4,1,"","supports_likelihood_parameter_prediction"],[130,4,1,"","supports_multivariate"],[130,4,1,"","supports_optimized_historical_forecasts"],[130,4,1,"","supports_past_covariates"],[130,4,1,"","supports_static_covariates"],[130,2,1,"","to_cpu"],[130,4,1,"","uses_future_covariates"],[130,4,1,"","uses_past_covariates"],[130,4,1,"","uses_static_covariates"]],"darts.models.forecasting.varima":[[131,1,1,"","VARIMA"]],"darts.models.forecasting.varima.VARIMA":[[131,2,1,"","backtest"],[131,4,1,"","considers_static_covariates"],[131,4,1,"","extreme_lags"],[131,2,1,"","fit"],[131,2,1,"","generate_fit_encodings"],[131,2,1,"","generate_fit_predict_encodings"],[131,2,1,"","generate_predict_encodings"],[131,2,1,"","gridsearch"],[131,2,1,"","historical_forecasts"],[131,2,1,"","load"],[131,4,1,"","min_train_samples"],[131,4,1,"","model_params"],[131,4,1,"","output_chunk_length"],[131,2,1,"","predict"],[131,2,1,"","residuals"],[131,2,1,"","save"],[131,4,1,"","supports_future_covariates"],[131,4,1,"","supports_likelihood_parameter_prediction"],[131,4,1,"","supports_multivariate"],[131,4,1,"","supports_optimized_historical_forecasts"],[131,4,1,"","supports_past_covariates"],[131,4,1,"","supports_static_covariates"],[131,4,1,"","uses_future_covariates"],[131,4,1,"","uses_past_covariates"],[131,4,1,"","uses_static_covariates"]],"darts.models.forecasting.xgboost":[[132,1,1,"","XGBModel"],[132,5,1,"","xgb_quantile_loss"]],"darts.models.forecasting.xgboost.XGBModel":[[132,2,1,"","backtest"],[132,4,1,"","considers_static_covariates"],[132,4,1,"","extreme_lags"],[132,2,1,"","fit"],[132,2,1,"","generate_fit_encodings"],[132,2,1,"","generate_fit_predict_encodings"],[132,2,1,"","generate_predict_encodings"],[132,2,1,"","get_multioutput_estimator"],[132,2,1,"","gridsearch"],[132,2,1,"","historical_forecasts"],[132,4,1,"","lagged_feature_names"],[132,2,1,"","load"],[132,4,1,"","min_train_samples"],[132,4,1,"","model_params"],[132,4,1,"","num_parameters"],[132,4,1,"","output_chunk_length"],[132,2,1,"","predict"],[132,2,1,"","residuals"],[132,2,1,"","save"],[132,4,1,"","supports_future_covariates"],[132,4,1,"","supports_likelihood_parameter_prediction"],[132,4,1,"","supports_multivariate"],[132,4,1,"","supports_optimized_historical_forecasts"],[132,4,1,"","supports_past_covariates"],[132,4,1,"","supports_static_covariates"],[132,4,1,"","uses_future_covariates"],[132,4,1,"","uses_past_covariates"],[132,4,1,"","uses_static_covariates"]],"darts.models.utils":[[133,1,1,"","NotImportedModule"]],"darts.models.utils.NotImportedModule":[[133,3,1,"","usable"]],"darts.timeseries":[[134,1,1,"","TimeSeries"],[134,5,1,"","concatenate"]],"darts.timeseries.TimeSeries":[[134,2,1,"","add_datetime_attribute"],[134,2,1,"","add_holidays"],[134,2,1,"","all_values"],[134,2,1,"","append"],[134,2,1,"","append_values"],[134,2,1,"","astype"],[134,4,1,"","bottom_level_components"],[134,4,1,"","bottom_level_series"],[134,4,1,"","columns"],[134,4,1,"","components"],[134,2,1,"","concatenate"],[134,2,1,"","copy"],[134,2,1,"","cumsum"],[134,2,1,"","data_array"],[134,2,1,"","diff"],[134,2,1,"","drop_after"],[134,2,1,"","drop_before"],[134,2,1,"","drop_columns"],[134,4,1,"","dtype"],[134,4,1,"","duration"],[134,2,1,"","end_time"],[134,2,1,"","first_value"],[134,2,1,"","first_values"],[134,4,1,"","freq"],[134,4,1,"","freq_str"],[134,2,1,"","from_csv"],[134,2,1,"","from_dataframe"],[134,2,1,"","from_group_dataframe"],[134,2,1,"","from_json"],[134,2,1,"","from_pickle"],[134,2,1,"","from_series"],[134,2,1,"","from_times_and_values"],[134,2,1,"","from_values"],[134,2,1,"","from_xarray"],[134,2,1,"","gaps"],[134,2,1,"","get_index_at_point"],[134,2,1,"","get_timestamp_at_point"],[134,4,1,"","has_datetime_index"],[134,4,1,"","has_hierarchy"],[134,4,1,"","has_range_index"],[134,2,1,"","has_same_time_as"],[134,4,1,"","has_static_covariates"],[134,2,1,"","head"],[134,4,1,"","hierarchy"],[134,4,1,"","is_deterministic"],[134,4,1,"","is_probabilistic"],[134,4,1,"","is_stochastic"],[134,4,1,"","is_univariate"],[134,2,1,"","is_within_range"],[134,2,1,"","kurtosis"],[134,2,1,"","last_value"],[134,2,1,"","last_values"],[134,2,1,"","longest_contiguous_slice"],[134,2,1,"","map"],[134,2,1,"","max"],[134,2,1,"","mean"],[134,2,1,"","median"],[134,2,1,"","min"],[134,4,1,"","n_components"],[134,4,1,"","n_samples"],[134,4,1,"","n_timesteps"],[134,2,1,"","pd_dataframe"],[134,2,1,"","pd_series"],[134,2,1,"","plot"],[134,2,1,"","prepend"],[134,2,1,"","prepend_values"],[134,2,1,"","quantile"],[134,2,1,"","quantile_df"],[134,2,1,"","quantile_timeseries"],[134,2,1,"","quantiles_df"],[134,2,1,"","random_component_values"],[134,2,1,"","resample"],[134,2,1,"","rescale_with_value"],[134,2,1,"","shift"],[134,2,1,"","skew"],[134,2,1,"","slice"],[134,2,1,"","slice_intersect"],[134,2,1,"","slice_n_points_after"],[134,2,1,"","slice_n_points_before"],[134,2,1,"","split_after"],[134,2,1,"","split_before"],[134,2,1,"","stack"],[134,2,1,"","start_time"],[134,4,1,"","static_covariates"],[134,2,1,"","static_covariates_values"],[134,2,1,"","std"],[134,2,1,"","strip"],[134,2,1,"","sum"],[134,2,1,"","tail"],[134,4,1,"","time_dim"],[134,4,1,"","time_index"],[134,2,1,"","to_csv"],[134,2,1,"","to_json"],[134,2,1,"","to_pickle"],[134,4,1,"","top_level_component"],[134,4,1,"","top_level_series"],[134,2,1,"","univariate_component"],[134,2,1,"","univariate_values"],[134,2,1,"","values"],[134,2,1,"","var"],[134,4,1,"","width"],[134,2,1,"","window_transform"],[134,2,1,"","with_columns_renamed"],[134,2,1,"","with_hierarchy"],[134,2,1,"","with_static_covariates"],[134,2,1,"","with_values"]],"darts.utils":[[136,0,0,"-","callbacks"],[137,0,0,"-","data"],[145,0,0,"-","historical_forecasts"],[149,0,0,"-","likelihood_models"],[150,0,0,"-","losses"],[151,0,0,"-","missing_values"],[152,0,0,"-","model_selection"],[153,0,0,"-","multioutput"],[154,0,0,"-","statistics"],[155,0,0,"-","timeseries_generation"],[156,0,0,"-","torch"],[157,0,0,"-","utils"]],"darts.utils.callbacks":[[136,1,1,"","TFMProgressBar"]],"darts.utils.callbacks.TFMProgressBar":[[136,3,1,"","BAR_FORMAT"],[136,2,1,"","disable"],[136,2,1,"","enable"],[136,2,1,"","get_metrics"],[136,2,1,"","has_dataloader_changed"],[136,2,1,"","init_predict_tqdm"],[136,2,1,"","init_sanity_tqdm"],[136,2,1,"","init_test_tqdm"],[136,2,1,"","init_train_tqdm"],[136,2,1,"","init_validation_tqdm"],[136,4,1,"","is_disabled"],[136,4,1,"","is_enabled"],[136,2,1,"","load_state_dict"],[136,2,1,"","on_after_backward"],[136,2,1,"","on_before_backward"],[136,2,1,"","on_before_optimizer_step"],[136,2,1,"","on_before_zero_grad"],[136,2,1,"","on_exception"],[136,2,1,"","on_fit_end"],[136,2,1,"","on_fit_start"],[136,2,1,"","on_load_checkpoint"],[136,2,1,"","on_predict_batch_end"],[136,2,1,"","on_predict_batch_start"],[136,2,1,"","on_predict_end"],[136,2,1,"","on_predict_epoch_end"],[136,2,1,"","on_predict_epoch_start"],[136,2,1,"","on_predict_start"],[136,2,1,"","on_sanity_check_end"],[136,2,1,"","on_sanity_check_start"],[136,2,1,"","on_save_checkpoint"],[136,2,1,"","on_test_batch_end"],[136,2,1,"","on_test_batch_start"],[136,2,1,"","on_test_end"],[136,2,1,"","on_test_epoch_end"],[136,2,1,"","on_test_epoch_start"],[136,2,1,"","on_test_start"],[136,2,1,"","on_train_batch_end"],[136,2,1,"","on_train_batch_start"],[136,2,1,"","on_train_end"],[136,2,1,"","on_train_epoch_end"],[136,2,1,"","on_train_epoch_start"],[136,2,1,"","on_train_start"],[136,2,1,"","on_validation_batch_end"],[136,2,1,"","on_validation_batch_start"],[136,2,1,"","on_validation_end"],[136,2,1,"","on_validation_epoch_end"],[136,2,1,"","on_validation_epoch_start"],[136,2,1,"","on_validation_start"],[136,4,1,"","predict_description"],[136,4,1,"","predict_progress_bar"],[136,2,1,"","print"],[136,4,1,"","process_position"],[136,4,1,"","refresh_rate"],[136,2,1,"","reset_dataloader_idx_tracker"],[136,4,1,"","sanity_check_description"],[136,2,1,"","setup"],[136,2,1,"","state_dict"],[136,4,1,"","state_key"],[136,2,1,"","teardown"],[136,4,1,"","test_description"],[136,4,1,"","test_progress_bar"],[136,4,1,"","total_predict_batches_current_dataloader"],[136,4,1,"","total_test_batches_current_dataloader"],[136,4,1,"","total_train_batches"],[136,4,1,"","total_val_batches"],[136,4,1,"","total_val_batches_current_dataloader"],[136,4,1,"","train_description"],[136,4,1,"","train_progress_bar"],[136,4,1,"","trainer"],[136,4,1,"","val_progress_bar"],[136,4,1,"","validation_description"]],"darts.utils.data":[[138,0,0,"-","horizon_based_dataset"],[139,0,0,"-","inference_dataset"],[140,0,0,"-","sequential_dataset"],[141,0,0,"-","shifted_dataset"],[142,0,0,"-","tabularization"],[143,0,0,"-","training_dataset"],[144,0,0,"-","utils"]],"darts.utils.data.horizon_based_dataset":[[138,1,1,"","HorizonBasedDataset"]],"darts.utils.data.inference_dataset":[[139,1,1,"","DualCovariatesInferenceDataset"],[139,1,1,"","FutureCovariatesInferenceDataset"],[139,1,1,"","GenericInferenceDataset"],[139,1,1,"","InferenceDataset"],[139,1,1,"","MixedCovariatesInferenceDataset"],[139,1,1,"","PastCovariatesInferenceDataset"],[139,1,1,"","SplitCovariatesInferenceDataset"]],"darts.utils.data.inference_dataset.GenericInferenceDataset":[[139,2,1,"","find_list_index"]],"darts.utils.data.sequential_dataset":[[140,1,1,"","DualCovariatesSequentialDataset"],[140,1,1,"","FutureCovariatesSequentialDataset"],[140,1,1,"","MixedCovariatesSequentialDataset"],[140,1,1,"","PastCovariatesSequentialDataset"],[140,1,1,"","SplitCovariatesSequentialDataset"]],"darts.utils.data.shifted_dataset":[[141,1,1,"","DualCovariatesShiftedDataset"],[141,1,1,"","FutureCovariatesShiftedDataset"],[141,1,1,"","GenericShiftedDataset"],[141,1,1,"","MixedCovariatesShiftedDataset"],[141,1,1,"","PastCovariatesShiftedDataset"],[141,1,1,"","SplitCovariatesShiftedDataset"]],"darts.utils.data.tabularization":[[142,5,1,"","add_static_covariates_to_lagged_data"],[142,5,1,"","create_lagged_component_names"],[142,5,1,"","create_lagged_data"],[142,5,1,"","create_lagged_prediction_data"],[142,5,1,"","create_lagged_training_data"],[142,5,1,"","get_shared_times"],[142,5,1,"","get_shared_times_bounds"],[142,5,1,"","strided_moving_window"]],"darts.utils.data.training_dataset":[[143,1,1,"","DualCovariatesTrainingDataset"],[143,1,1,"","FutureCovariatesTrainingDataset"],[143,1,1,"","MixedCovariatesTrainingDataset"],[143,1,1,"","PastCovariatesTrainingDataset"],[143,1,1,"","SplitCovariatesTrainingDataset"],[143,1,1,"","TrainingDataset"]],"darts.utils.data.utils":[[144,1,1,"","CovariateType"]],"darts.utils.data.utils.CovariateType":[[144,3,1,"","FUTURE"],[144,3,1,"","FUTURE_PAST"],[144,3,1,"","HISTORIC_FUTURE"],[144,3,1,"","NONE"],[144,3,1,"","PAST"]],"darts.utils.historical_forecasts":[[146,0,0,"-","optimized_historical_forecasts_regression"],[147,0,0,"-","optimized_historical_forecasts_torch"],[148,0,0,"-","utils"]],"darts.utils.likelihood_models":[[149,1,1,"","BernoulliLikelihood"],[149,1,1,"","BetaLikelihood"],[149,1,1,"","CauchyLikelihood"],[149,1,1,"","ContinuousBernoulliLikelihood"],[149,1,1,"","DirichletLikelihood"],[149,1,1,"","ExponentialLikelihood"],[149,1,1,"","GammaLikelihood"],[149,1,1,"","GaussianLikelihood"],[149,1,1,"","GeometricLikelihood"],[149,1,1,"","GumbelLikelihood"],[149,1,1,"","HalfNormalLikelihood"],[149,1,1,"","LaplaceLikelihood"],[149,1,1,"","Likelihood"],[149,1,1,"","LogNormalLikelihood"],[149,1,1,"","NegativeBinomialLikelihood"],[149,1,1,"","PoissonLikelihood"],[149,1,1,"","QuantileRegression"],[149,1,1,"","WeibullLikelihood"]],"darts.utils.likelihood_models.BernoulliLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.BetaLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.CauchyLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.ContinuousBernoulliLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.DirichletLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.ExponentialLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.GammaLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.GaussianLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.GeometricLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.GumbelLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.HalfNormalLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.LaplaceLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.Likelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.LogNormalLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.NegativeBinomialLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.PoissonLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.QuantileRegression":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.WeibullLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.losses":[[150,1,1,"","MAELoss"],[150,1,1,"","MapeLoss"],[150,1,1,"","SmapeLoss"]],"darts.utils.losses.MAELoss":[[150,3,1,"","T_destination"],[150,2,1,"","add_module"],[150,2,1,"","apply"],[150,2,1,"","bfloat16"],[150,2,1,"","buffers"],[150,3,1,"","call_super_init"],[150,2,1,"","children"],[150,2,1,"","compile"],[150,2,1,"","cpu"],[150,2,1,"","cuda"],[150,2,1,"","double"],[150,3,1,"","dump_patches"],[150,2,1,"","eval"],[150,2,1,"","extra_repr"],[150,2,1,"","float"],[150,2,1,"","forward"],[150,2,1,"","get_buffer"],[150,2,1,"","get_extra_state"],[150,2,1,"","get_parameter"],[150,2,1,"","get_submodule"],[150,2,1,"","half"],[150,2,1,"","ipu"],[150,2,1,"","load_state_dict"],[150,2,1,"","modules"],[150,2,1,"","named_buffers"],[150,2,1,"","named_children"],[150,2,1,"","named_modules"],[150,2,1,"","named_parameters"],[150,2,1,"","parameters"],[150,2,1,"","register_backward_hook"],[150,2,1,"","register_buffer"],[150,2,1,"","register_forward_hook"],[150,2,1,"","register_forward_pre_hook"],[150,2,1,"","register_full_backward_hook"],[150,2,1,"","register_full_backward_pre_hook"],[150,2,1,"","register_load_state_dict_post_hook"],[150,2,1,"","register_module"],[150,2,1,"","register_parameter"],[150,2,1,"","register_state_dict_pre_hook"],[150,2,1,"","requires_grad_"],[150,2,1,"","set_extra_state"],[150,2,1,"","share_memory"],[150,2,1,"","state_dict"],[150,2,1,"","to"],[150,2,1,"","to_empty"],[150,2,1,"","train"],[150,3,1,"","training"],[150,2,1,"","type"],[150,2,1,"","xpu"],[150,2,1,"","zero_grad"]],"darts.utils.losses.MapeLoss":[[150,3,1,"","T_destination"],[150,2,1,"","add_module"],[150,2,1,"","apply"],[150,2,1,"","bfloat16"],[150,2,1,"","buffers"],[150,3,1,"","call_super_init"],[150,2,1,"","children"],[150,2,1,"","compile"],[150,2,1,"","cpu"],[150,2,1,"","cuda"],[150,2,1,"","double"],[150,3,1,"","dump_patches"],[150,2,1,"","eval"],[150,2,1,"","extra_repr"],[150,2,1,"","float"],[150,2,1,"","forward"],[150,2,1,"","get_buffer"],[150,2,1,"","get_extra_state"],[150,2,1,"","get_parameter"],[150,2,1,"","get_submodule"],[150,2,1,"","half"],[150,2,1,"","ipu"],[150,2,1,"","load_state_dict"],[150,2,1,"","modules"],[150,2,1,"","named_buffers"],[150,2,1,"","named_children"],[150,2,1,"","named_modules"],[150,2,1,"","named_parameters"],[150,2,1,"","parameters"],[150,2,1,"","register_backward_hook"],[150,2,1,"","register_buffer"],[150,2,1,"","register_forward_hook"],[150,2,1,"","register_forward_pre_hook"],[150,2,1,"","register_full_backward_hook"],[150,2,1,"","register_full_backward_pre_hook"],[150,2,1,"","register_load_state_dict_post_hook"],[150,2,1,"","register_module"],[150,2,1,"","register_parameter"],[150,2,1,"","register_state_dict_pre_hook"],[150,2,1,"","requires_grad_"],[150,2,1,"","set_extra_state"],[150,2,1,"","share_memory"],[150,2,1,"","state_dict"],[150,2,1,"","to"],[150,2,1,"","to_empty"],[150,2,1,"","train"],[150,3,1,"","training"],[150,2,1,"","type"],[150,2,1,"","xpu"],[150,2,1,"","zero_grad"]],"darts.utils.losses.SmapeLoss":[[150,3,1,"","T_destination"],[150,2,1,"","add_module"],[150,2,1,"","apply"],[150,2,1,"","bfloat16"],[150,2,1,"","buffers"],[150,3,1,"","call_super_init"],[150,2,1,"","children"],[150,2,1,"","compile"],[150,2,1,"","cpu"],[150,2,1,"","cuda"],[150,2,1,"","double"],[150,3,1,"","dump_patches"],[150,2,1,"","eval"],[150,2,1,"","extra_repr"],[150,2,1,"","float"],[150,2,1,"","forward"],[150,2,1,"","get_buffer"],[150,2,1,"","get_extra_state"],[150,2,1,"","get_parameter"],[150,2,1,"","get_submodule"],[150,2,1,"","half"],[150,2,1,"","ipu"],[150,2,1,"","load_state_dict"],[150,2,1,"","modules"],[150,2,1,"","named_buffers"],[150,2,1,"","named_children"],[150,2,1,"","named_modules"],[150,2,1,"","named_parameters"],[150,2,1,"","parameters"],[150,2,1,"","register_backward_hook"],[150,2,1,"","register_buffer"],[150,2,1,"","register_forward_hook"],[150,2,1,"","register_forward_pre_hook"],[150,2,1,"","register_full_backward_hook"],[150,2,1,"","register_full_backward_pre_hook"],[150,2,1,"","register_load_state_dict_post_hook"],[150,2,1,"","register_module"],[150,2,1,"","register_parameter"],[150,2,1,"","register_state_dict_pre_hook"],[150,2,1,"","requires_grad_"],[150,2,1,"","set_extra_state"],[150,2,1,"","share_memory"],[150,2,1,"","state_dict"],[150,2,1,"","to"],[150,2,1,"","to_empty"],[150,2,1,"","train"],[150,3,1,"","training"],[150,2,1,"","type"],[150,2,1,"","xpu"],[150,2,1,"","zero_grad"]],"darts.utils.missing_values":[[151,5,1,"","extract_subseries"],[151,5,1,"","fill_missing_values"],[151,5,1,"","missing_values_ratio"]],"darts.utils.model_selection":[[152,5,1,"","train_test_split"]],"darts.utils.multioutput":[[153,1,1,"","MultiOutputRegressor"]],"darts.utils.multioutput.MultiOutputRegressor":[[153,2,1,"","fit"],[153,2,1,"","get_metadata_routing"],[153,2,1,"","get_params"],[153,2,1,"","partial_fit"],[153,2,1,"","predict"],[153,2,1,"","score"],[153,2,1,"","set_fit_request"],[153,2,1,"","set_params"],[153,2,1,"","set_partial_fit_request"],[153,2,1,"","set_score_request"]],"darts.utils.statistics":[[154,5,1,"","check_seasonality"],[154,5,1,"","extract_trend_and_seasonality"],[154,5,1,"","granger_causality_tests"],[154,5,1,"","plot_acf"],[154,5,1,"","plot_hist"],[154,5,1,"","plot_pacf"],[154,5,1,"","plot_residuals_analysis"],[154,5,1,"","remove_from_series"],[154,5,1,"","remove_seasonality"],[154,5,1,"","remove_trend"],[154,5,1,"","stationarity_test_adf"],[154,5,1,"","stationarity_test_kpss"],[154,5,1,"","stationarity_tests"]],"darts.utils.timeseries_generation":[[155,5,1,"","autoregressive_timeseries"],[155,5,1,"","constant_timeseries"],[155,5,1,"","datetime_attribute_timeseries"],[155,5,1,"","gaussian_timeseries"],[155,5,1,"","generate_index"],[155,5,1,"","holidays_timeseries"],[155,5,1,"","linear_timeseries"],[155,5,1,"","random_walk_timeseries"],[155,5,1,"","sine_timeseries"]],"darts.utils.torch":[[156,1,1,"","MonteCarloDropout"],[156,5,1,"","random_method"]],"darts.utils.torch.MonteCarloDropout":[[156,3,1,"","T_destination"],[156,2,1,"","add_module"],[156,2,1,"","apply"],[156,2,1,"","bfloat16"],[156,2,1,"","buffers"],[156,3,1,"","call_super_init"],[156,2,1,"","children"],[156,2,1,"","compile"],[156,2,1,"","cpu"],[156,2,1,"","cuda"],[156,2,1,"","double"],[156,3,1,"","dump_patches"],[156,2,1,"","eval"],[156,2,1,"","extra_repr"],[156,2,1,"","float"],[156,2,1,"","forward"],[156,2,1,"","get_buffer"],[156,2,1,"","get_extra_state"],[156,2,1,"","get_parameter"],[156,2,1,"","get_submodule"],[156,2,1,"","half"],[156,3,1,"","inplace"],[156,2,1,"","ipu"],[156,2,1,"","load_state_dict"],[156,3,1,"","mc_dropout_enabled"],[156,2,1,"","modules"],[156,2,1,"","named_buffers"],[156,2,1,"","named_children"],[156,2,1,"","named_modules"],[156,2,1,"","named_parameters"],[156,3,1,"","p"],[156,2,1,"","parameters"],[156,2,1,"","register_backward_hook"],[156,2,1,"","register_buffer"],[156,2,1,"","register_forward_hook"],[156,2,1,"","register_forward_pre_hook"],[156,2,1,"","register_full_backward_hook"],[156,2,1,"","register_full_backward_pre_hook"],[156,2,1,"","register_load_state_dict_post_hook"],[156,2,1,"","register_module"],[156,2,1,"","register_parameter"],[156,2,1,"","register_state_dict_pre_hook"],[156,2,1,"","requires_grad_"],[156,2,1,"","set_extra_state"],[156,2,1,"","share_memory"],[156,2,1,"","state_dict"],[156,2,1,"","to"],[156,2,1,"","to_empty"],[156,2,1,"","train"],[156,3,1,"","training"],[156,2,1,"","type"],[156,2,1,"","xpu"],[156,2,1,"","zero_grad"]],"darts.utils.utils":[[157,1,1,"","ModelMode"],[157,1,1,"","SeasonalityMode"],[157,1,1,"","TrendMode"],[157,5,1,"","drop_after_index"],[157,5,1,"","drop_before_index"],[157,5,1,"","get_single_series"],[157,5,1,"","retain_period_common_to_all"],[157,5,1,"","seq2series"],[157,5,1,"","series2seq"],[157,5,1,"","slice_index"]],"darts.utils.utils.ModelMode":[[157,3,1,"","ADDITIVE"],[157,3,1,"","MULTIPLICATIVE"],[157,3,1,"","NONE"]],"darts.utils.utils.SeasonalityMode":[[157,3,1,"","ADDITIVE"],[157,3,1,"","MULTIPLICATIVE"],[157,3,1,"","NONE"]],"darts.utils.utils.TrendMode":[[157,3,1,"","EXPONENTIAL"],[157,3,1,"","LINEAR"]],darts:[[23,0,0,"-","ad"],[51,0,0,"-","dataprocessing"],[73,0,0,"-","datasets"],[75,0,0,"-","explainability"],[81,0,0,"-","metrics"],[83,0,0,"-","models"],[134,0,0,"-","timeseries"],[135,0,0,"-","utils"]]},objnames:{"0":["py","module","Python module"],"1":["py","class","Python class"],"2":["py","method","Python method"],"3":["py","attribute","Python attribute"],"4":["py","property","Python property"],"5":["py","function","Python function"],"6":["py","exception","Python exception"]},objtypes:{"0":"py:module","1":"py:class","2":"py:method","3":"py:attribute","4":"py:property","5":"py:function","6":"py:exception"},terms:{"0":[0,2,3,5,6,7,8,9,10,11,12,13,14,17,18,19,20,21,25,26,27,28,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,58,59,61,62,64,65,66,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,142,149,150,152,153,154,155,156,157,158,159,161,163,164,165,166,167],"00":[15,16,73,134,155,159,163,164],"000":[15,53],"0008841998396117885":18,"0008842":18,"001":[9,10,14,15,18,159,165,167],"002":164,"00285":164,"00325481":112,"003476":15,"0038491197353":4,"004":164,"0046":7,"004819":15,"005325414282057739":21,"00597806":119,"00872598":131,"00874069":131,"01":[3,4,9,14,16,18,21,61,62,63,64,65,67,69,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,154,155,159,163],"01166578":131,"0120":7,"0126":7,"01271":124,"01368849":159,"01625545":125,"01829086":118,"01837606837607":13,"01923077":3,"01_12":163,"01_12_00_00":[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],"02":[2,3,9,10,16,61,62,63,64,65,67,69,73,134,159,163,165],"02142":156,"02264":20,"025":12,"02523252":118,"0261":7,"0273":7,"02887":15,"02928407":125,"03":[15,16,18,63,67,159],"03417969":120,"03605769":3,"03751671":123,"03762":130,"039188":16,"04":[67,73],"04110":9,"042527":16,"04297":20,"04397":10,"04749318":62,"05":[0,9,10,14,17,20,21,50,61,62,63,64,65,69,87,99,102,110,111,112,118,124,125,128,130,134,154,158,159,163,165,167],"050242":16,"05202":[85,125,130],"05465":115,"05769231":3,"06":[63,99,102,110,111,112,118,124,125,128,130],"06414202":125,"06463942":119,"06505":115,"06625381":102,"06675142":127,"06769d701c1d9c9acb9a66f2f9d7a6c7":132,"06863863":125,"06938775510204":15,"07":[4,18,67,73],"07436":73,"07502":20,"07718156729165897":18,"0772":18,"07892911":96,"08":[73,87,99,102,110,111,112,118,124,125,128,130],"08337201":128,"08424":[19,128],"08653846":3,"08962991":127,"09":[2,167],"09168":149,"09229632":119,"09363":125,"09583093":111,"096098":16,"097101":16,"097573":15,"09781534":110,"0980105":159,"09871431":121,"0995766932270916":4,"0_comp_1_target":142,"0_comp_2_target":142,"0_fut_cov_lag_0":[77,78],"0_past_cov_lag":[77,78],"0d":53,"0e":53,"0j":53,"0th":159,"0x1":53,"0x100":53,"0x103d1a710":2,"0x166b2eca0":12,"0x166c993a0":12,"0x166db4a00":12,"0x176bcc790":6,"0x2233":53,"0x288b5d720":6,"0x2a9c067a0":10,"0x2a9ef6470":10,"0x2acf4d4e0":10,"0x2af20d5d0":2,"0x2af748f10":2,"0x2b00e2a40":6,"0x2b3386350":9,"0x2b3d98fd0":8,"0x2b3fc0790":8,"0x2b56bb640":2,"0x2b56bb9d0":2,"0x2b69cb9d0":2,"0x2b6abd4b0":2,"0x2b6ba5540":2,"0x2bc3c3970":6,"0x2bc722440":6,"0x2c0581de0":9,"0x2c1c97a00":9,"0x3322":53,"0x7f800691edc0":5,"0x7f80095963d0":5,"0x7f92e0d64c70":14,"0x7fc581075190":11,"0x7fc58144a950":11,"0x7fc594431ed0":11,"0x7fc75901cb10":164,"0x7ff1b5e4d4d0":164,"0x7ff2fc1fc200":53,"0x7ff2fc1fce60":53,"0x7ff2fc1ff320":53,"0x7ff5e3826c10":3,"0x7ff5e3bcc790":3,"0x7ff5e3dd1ac0":3,"0x7ff5e3fbb280":3,"1":[0,2,3,5,6,7,8,9,10,11,13,14,17,18,19,20,21,25,26,27,28,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,149,150,151,152,153,154,155,156,158,159,161,162,163,164,165,166,167],"10":[2,3,4,5,6,7,8,9,10,11,13,14,15,16,17,18,19,20,21,49,53,66,68,71,73,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,154,159,163,164,165,167],"100":[0,2,5,6,8,10,12,14,15,18,20,66,73,82,85,86,87,89,99,100,102,108,109,110,111,112,113,115,117,118,124,125,126,128,130,132,150,154,156,158,159,163,164,165],"1000":[0,5,11,18,66,142,158,165],"10000":[0,3,11,158],"1000x":15,"1002":120,"1005":[109,117,128,132],"1006":[100,108,115],"1008":128,"1013":110,"10138":20,"1017":128,"102":15,"1024":[15,18,167],"10295":115,"10437":[8,138],"10520391":96,"10568429":114,"106":[100,102,108,109,112,115,117,118,125,128,132],"10790392":128,"108":13,"10900k":167,"10m":15,"10th":[5,134],"11":[2,3,4,5,6,7,8,9,13,14,15,16,17,19,20,21,53,159],"110375":16,"11057692":3,"112":67,"11286509":96,"115":[13,167],"1150":[85,86,87,89,150,156],"116":5,"117":167,"11716811":114,"1177":[0,158],"118":67,"11817462":121,"11846185":131,"11885377506043901":21,"1194":17,"12":[2,3,4,5,6,7,8,9,11,12,13,14,15,16,17,19,20,21,53,58,59,63,73,78,79,96,97,98,99,100,102,107,108,109,110,111,112,115,116,117,118,119,120,121,122,123,124,125,128,130,132,134,138,139,140,141,154,159,161,163,165,167],"120":5,"12017":20,"120197":16,"1207":17,"121":[13,67],"123":53,"123046875":21,"124":[0,158],"125":[5,7,167],"1275":17,"128":[7,113,128,165],"1284":53,"1288":17,"12886":111,"12892167797527437":21,"129":67,"13":[2,3,4,5,6,7,8,9,13,14,15,16,17,18,20,21,53,73,159,167],"13090":53,"131":13,"13154426":112,"132":67,"13277921":118,"1344":53,"135":67,"13504":[73,102,112],"136":[15,67],"138":13,"138122":16,"138183":16,"138631":16,"1399":15,"14":[2,3,4,5,6,7,8,13,14,15,16,17,18,20,21,53,63,73,113,159,164],"140":2,"144":7,"14674087":131,"148":67,"14_09_53_32_torch_model_run_44607":[99,102,110,111,112,118,124,125,128,130],"15":[2,3,4,5,6,7,8,11,13,14,15,16,17,18,19,20,21,53,73,134,159,161,167],"150":[0,11,15,16,18,158],"1506":156,"15071":20,"154":15,"158970":16,"15t":134,"16":[2,3,4,5,6,7,9,13,14,15,16,17,18,20,21,53,85,86,87,89,113,125,128,150,156,159,164,165],"16145791":131,"16352":16,"166":159,"16604194":98,"16666667":98,"1667":4,"1667634":128,"168":[2,3],"17":[2,3,4,6,13,14,15,16,17,18,20,21,53,159,164],"1704":9,"1706":130,"1716k":15,"173":15,"17325":115,"174":13,"1747k":15,"1749":[5,73],"17791019":118,"1798":53,"18":[2,3,6,13,14,15,16,17,18,20,53,99,102,110,111,112,118,124,125,128,130,159],"180":13,"1800":73,"1803":124,"188":17,"18881119":98,"189":17,"18922903":118,"19":[2,3,6,14,15,16,17,18,53,159,165],"19010018398568":5,"1905":[8,138],"1906":10,"1912":125,"1913":[85,86,87,89,150,156],"1914":[85,86,87,89,150,156],"192":17,"19401001":[5,6,7],"1948":159,"1949":[62,63,67,73],"1950":[58,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,159],"1953089418552":4,"19551201":4,"1956":73,"1957":[165,167],"19571201":14,"1958":159,"19580":21,"19580101":159,"19580801":6,"1959":[5,7],"19590101":[5,7,164],"1960":73,"1962":[3,73,159],"19623":21,"1965":73,"19650033":125,"196582":16,"19697244":99,"1973":3,"1975":[3,73],"198":17,"1980":73,"1981":73,"1983":73,"19850701":4,"1989":154,"1990":[73,166],"1991":[73,154],"1992":[116,154],"1994":[73,154],"1997":73,"1998":154,"1_comp_1_":142,"1_comp_2_":142,"1_past_cov_lag":[77,78],"1_t":82,"1d":53,"1e":[5,7,9,10,14,15,18,19,87,99,102,110,111,112,113,118,124,125,128,130,134,164,165],"1e0":66,"1e1":66,"1e2":66,"1e3":66,"1h":[2,134],"1j":53,"1l":[85,86,87,89,113,150,156],"1s":167,"2":[0,2,3,5,6,7,8,9,10,11,12,13,14,17,18,19,20,21,53,54,55,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,142,150,153,154,155,156,158,159,161,163,164,165,166,167],"20":[2,3,4,5,6,7,9,10,11,13,14,15,16,17,18,21,53,102,105,112,116,118,124,128,130,142,154,159,161,164],"200":[2,7,11,12,13,14,15,19,21,82,85,86,87,89,113,115,150,156,159],"2000":[15,61,64,65,69,73,155,166],"2001":15,"2002":[15,85,125,130],"2003":73,"2004":[14,73,150],"2005":101,"2008":73,"201":15,"2010":[15,154],"20100101":14,"2011":101,"2012":73,"2013":134,"2014":73,"2015":73,"2016":73,"2017":[4,21,130],"20170901":[6,8,9,10],"2018":[21,73],"2019":[15,21,87],"2020":[15,16,73,85,87,125,126,130,134],"20200101233000":134,"2021":[73,99,102,110,111,112,118,124,125,126,128,130],"2022":[0,15,16,73,87,102,112,158],"2023":165,"20418":21,"208":159,"2080":167,"20913462":3,"20957388":102,"20gb":18,"20l":[85,86,87,89,113,150,156],"21":[0,2,3,14,15,16,18,21,53,73,99,101,158,159,164],"214":101,"2142k":15,"21563229":62,"21607546":100,"218":13,"22":[2,3,14,15,18,21,53,63,73,159,167],"2201":111,"2203":149,"2205":[73,102,112],"22074":120,"220885":121,"22224366":98,"223":13,"22355514":100,"224":53,"22497681":99,"22618932":104,"22936898":122,"23":[0,2,13,14,15,21,53,73,134,153,158,159,167],"2304":[19,128],"2312":53,"23152974":98,"23201079":111,"2324":[85,86,87,89,150,156],"2325":[85,86,87,89,150,156],"2354389":111,"23675":115,"23776224":98,"2382":[85,86,87,89,150,156],"24":[2,13,14,15,18,20,21,58,73,114,118,134,154,159,163,165,167],"240":[5,7],"24050364":116,"241":116,"24147138":125,"24283838":104,"24334385":116,"245":15,"24759615":3,"25":[0,2,10,14,15,18,21,59,61,65,69,73,99,102,113,114,118,152,158,159,163],"250":[6,16,18,20],"252":13,"25202285131778":15,"256":[2,19,53,110],"25780816":125,"258":13,"259":116,"26":[2,5,7,14,15,159],"262":73,"26720705":105,"2682070257112743":21,"26891239":114,"26993332":97,"27":[2,13,14,15,73,159,167],"27121314":97,"2765364":62,"27869295":99,"27991":167,"28":[2,15,73,113,159,167],"280":98,"28005229":97,"28050":167,"282":167,"2820":7,"2826":53,"282807":16,"282935127615929":159,"283":167,"28318784":125,"28424783":99,"285":167,"28614154":100,"28886231":127,"289051":16,"28955078":120,"29":[15,17,159],"2941917142812893":4,"296":73,"29805":115,"29856017":123,"29861111":98,"2987822":125,"299":164,"2_comp_1_":142,"2_comp_2_":142,"2_past_cov_lag":[77,78],"2_t":82,"2d":[53,61,62,63,64,65,66,67,68,69,70,71,72],"2f":[2,3,5,7,14,17,18,159],"2m":15,"3":[0,2,3,5,6,7,8,9,10,11,12,13,14,17,18,19,20,21,32,53,59,61,63,64,65,66,67,68,69,71,73,77,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,138,142,143,150,153,154,156,158,159,163,164,165,166,167],"30":[2,8,9,10,13,15,18,53,73,110,134,159,163],"300":[5,9,10,14,15,164],"30092923516797":15,"302734375":21,"303":101,"30397":15,"30609727":122,"30625563":122,"30647185":107,"30872957":100,"309":17,"30t":134,"31":[15,21,73,159,167],"31180633":97,"312":17,"31305075":104,"314":[101,159],"315":17,"31519186":104,"3195560563281926":21,"31962608":53,"32":[5,7,10,14,15,53,87,99,102,110,111,112,113,118,124,125,128,130,159,165],"323":53,"3243":17,"3294":17,"33":[13,15,85,86,87,89,113,150,156,159],"332":17,"3340":53,"337489093281":4,"34":[7,13,15,159],"34039307":120,"3420":[85,86,87,89,150,156],"34615385":3,"35":[2,13,15,17,159],"350":18,"350149072706699":159,"35210616":112,"35256055":116,"36":[0,2,3,5,6,7,14,15,73,78,158,159,163,165],"360":11,"360166":125,"36111111":98,"36489334":96,"365":[6,114,167],"36561899":130,"368725":16,"36937856":127,"37":[15,73,159],"370":[2,18,73],"373275454432286":21,"3741":[85,86,87,89,150,156],"37621876784175745":21,"37965429":110,"38":[15,17,159,167],"3854":53,"38584654":121,"3869697":116,"39":[2,3,6,7,8,9,10,14,15,17,20,21,159,164,167],"391":98,"3949283":127,"39550065":108,"39769555":127,"39992814":118,"3_comp_1_target":142,"3_comp_2_target":142,"3f":15,"3m":15,"3rd":16,"3s":167,"4":[0,2,3,4,5,6,7,8,9,10,11,12,13,14,17,18,19,20,21,53,59,61,64,65,66,67,68,69,71,73,77,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,143,154,158,159,162,163,164,165,167],"40":[13,15,16,53,159,167],"400":[9,10,15,159,163],"40323676":121,"40498034":130,"40680728":107,"4079":17,"40817901":98,"40867163":125,"41":[15,124,159,167],"41161602":98,"41209025":111,"4141":17,"415":[119,121],"4153701":100,"416":[96,97],"4168":17,"417":98,"41736301779747":159,"418":104,"41826923":3,"419":98,"41907237":100,"42":[5,7,8,11,12,14,15,16,18,19,99,102,110,111,112,118,124,125,128,130,159,164,165],"42090089":107,"42215052":123,"4233k":15,"424526892430279":4,"42657343":98,"427":112,"428":112,"429":[112,120],"4294967296":53,"43":[15,17,18,159],"431":98,"432":122,"433":127,"434":[98,127],"436":98,"4368":53,"438":98,"439":[98,123],"44":[15,159,167],"440":[98,107],"441":121,"442":[122,127],"44242919":131,"443":[96,98,127],"4443":[85,86,87,89,150,156],"445":[97,98,104],"448":[121,123],"44874":20,"449":97,"45":[0,15,134,158,159,167],"450":119,"451":96,"453":[98,120],"454":[98,119],"455":98,"46":[15,159,167],"460":164,"461":[98,101,107],"462":98,"464":116,"465":[98,104],"467":114,"46803":20,"468651":16,"47":[15,131,159],"47087":15,"471":105,"472":[98,114],"47230467":114,"474":107,"47503662":120,"47552448":98,"47620885":98,"4770514":104,"47896667":124,"48":[2,15,21,53,73,114,131,159,167],"480":[53,127],"481":[96,127,164],"481005":15,"482":122,"483":98,"48476824":124,"485":[97,98],"486":119,"48695488":130,"487":122,"488":120,"4882":53,"49":[73,131,159],"491":121,"493":[114,121,123],"49312172":122,"494":[104,105,107,114,116,127],"495":[122,127],"496":116,"497":114,"498":123,"49it":164,"4d":[85,86,87,89,150,156],"4m":15,"4s":167,"4th":[16,20],"4theta":127,"5":[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,17,18,19,20,21,32,53,59,61,62,63,64,65,68,69,71,72,73,77,78,79,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,143,149,154,156,158,159,162,163,164,165,167],"50":[2,6,9,10,11,12,15,16,17,18,21,58,73,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,159,163,167],"500":[2,6,9,10,20,113,120,131,159,163,165,167],"5000":15,"50153984":96,"502":96,"503":98,"504":[105,119],"505":104,"507":[97,123],"50859694":125,"51":[18,131,159],"5102040816326543":159,"5112":[85,86,87,89,150,156],"5113":[85,86,87,89,150,156],"512":[7,8,111,130],"51218795":119,"513":53,"51425784":111,"515":105,"5150k":15,"5163k":15,"51801726":107,"519":120,"52":[131,159],"520":105,"52290556":108,"523":15,"525":15,"52541292":125,"528":107,"52it":164,"53":[131,159],"53180506":116,"535":98,"5364068635935895":21,"539":114,"5396":53,"54":[73,159],"541":15,"543":15,"544":116,"545":127,"54534585":127,"546":127,"54686113":114,"547":105,"549":121,"55":[13,159],"55179949":119,"5539":20,"555":[96,119,122],"557":116,"5593":[85,86,87,89,150,156],"56":[15,17,125,159],"561":[3,97],"56117169":112,"564":123,"5659999":105,"568":3,"56955721":114,"57":[159,167],"57201255":108,"573":104,"577":3,"57902659":122,"58":[2,159,167],"586":120,"58653846":3,"589":3,"59":[18,159,167],"590":107,"5910":53,"59404623":105,"599":3,"5e":[18,53,165],"5l":[85,86,87,89,113,150,156],"5s":167,"5th":[0,158,159],"6":[0,2,3,4,5,6,7,8,9,10,11,13,14,15,17,18,19,20,21,53,63,68,73,77,78,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,158,159,163,167],"60":[16,159],"6000":130,"6010":130,"604846":16,"606":101,"61":16,"6122":[85,86,87,89,150,156],"61353249":119,"61463773":127,"615":101,"61749":20,"61787454":97,"62":167,"63":167,"630":116,"63158655":130,"63334":20,"63461538":3,"63584309419007":5,"6381425":105,"63884831":108,"64":[7,14,73,113,125,130,165,167],"640":3,"64008":20,"643":4,"6436328":107,"64471436":120,"64871897":123,"65":[9,10,13,17,73,159,167],"650":20,"653":4,"65403772":109,"65417736":130,"6548696":109,"656":3,"656330":16,"65865385":3,"66":159,"66032082":110,"66339481":110,"665":102,"666":102,"667":102,"67":18,"67733306":102,"6846175":109,"688":18,"6899k":15,"69":17,"69213369":125,"6949k":15,"697":3,"69711538":3,"6s":167,"6th":159,"7":[2,3,4,5,6,7,8,9,10,12,13,14,15,16,17,18,19,20,21,53,62,68,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,167],"70":[159,167],"7016":20,"70180806":98,"70491":20,"70710678":53,"70ghz":167,"71":5,"71159051":117,"71328671":98,"7188093":125,"72":[17,159,167],"7200":18,"72035839":128,"720555851487694":18,"72085839":109,"722222":15,"7256909":127,"72626":132,"727":3,"72888401":98,"73":[5,167],"7322616":117,"73317308":3,"73340676":117,"73465028":123,"739264":16,"74":17,"7421875":21,"74381763":127,"7475":132,"75":[10,14,16,59,61,65,69,159,163],"75320573":102,"75753605":109,"76":18,"76074":132,"76158729":124,"76314504":117,"7649":15,"7650":15,"7666":101,"76854107":124,"76986848":102,"770":53,"771293":15,"77135603":124,"77252372":125,"776":17,"78":167,"781":17,"78166819":124,"78509085":110,"78610361":127,"787":159,"7878":132,"79323146":105,"797":3,"79716178":97,"799":[17,73],"79962158":120,"8":[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,39,53,62,63,68,73,97,125,158,159,163,164,165],"80":[9,10,16,17,18,124,159,167],"800":8,"80068173":127,"805":73,"805755244887":4,"80616883":130,"8063744":15,"80th":159,"81":159,"811":17,"813":53,"81490385":3,"817":3,"81830675":109,"81it":164,"820993":16,"82204348":117,"82269341":116,"82451923":3,"82463265":105,"827":3,"82837":20,"83076568":125,"8315":132,"837945":16,"83998586":108,"84":14,"84134615":3,"843":3,"84735157":62,"85":[14,17,159],"85142":20,"8529289":102,"85314633":131,"85376674":108,"858":3,"85885374":123,"862":73,"8682864837639":4,"87":[15,159],"8755":53,"87818":20,"88":159,"8843893":110,"88729152":131,"88972829":96,"88974472":121,"89":[14,17],"89100967":117,"892":[3,110],"8925":15,"896":3,"8s":167,"9":[2,3,4,5,6,7,8,9,10,13,14,15,16,17,19,20,21,53,63,68,126,134,159,163,164],"90":[12,13,14,159],"900x600":14,"903":3,"90537286":128,"90785391":121,"90th":134,"91311":20,"91356":15,"915":17,"91534452":128,"9185":132,"919":111,"921":110,"9212963":98,"92307692":3,"925":111,"929":110,"93264096":112,"937":3,"938":111,"939":111,"94":18,"94078295":122,"94272629":131,"944":4,"94512461":107,"95":[0,9,10,14,20,21,50,134,158,159,163],"950":110,"95104895":98,"95129261":104,"956":4,"95625528":111,"958":111,"9586113":125,"95th":[0,158,159],"96":[17,159],"966":3,"96757177":98,"97":13,"9707572":99,"976459":16,"976761":16,"97713346":131,"97979827":99,"98":17,"98214351":62,"987":111,"98781641":112,"99":[0,9,14,17,113,158,159,163],"99278846":3,"997":128,"998":128,"99804203":131,"999":[19,110],"99th":159,"9s":167,"abstract":[2,25,48,53,55,57,61,64,65,69,91,103,113,129,139,143,149],"boolean":[23,31,32,37,39,47,49,53,54,57,61,62,63,64,65,66,67,68,69,70,71,72,100,110,114,124,134,154,155],"break":[17,53,85,86,87,89,113,136,150,156],"byte":53,"case":[0,2,3,4,11,12,14,15,17,18,19,20,29,32,35,36,37,53,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,82,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,155,157,158,159,161,163,164,165,166,167],"catch":14,"class":[2,5,20,21,23,25,26,27,28,30,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,56,58,59,60,62,63,66,67,68,69,70,71,72,73,74,76,77,78,79,85,86,87,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,136,137,138,139,140,141,142,144,149,150,153,155,156,157,159,166,167],"d\u00e3":[0,158],"default":[2,3,4,7,13,14,15,16,19,21,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,149,150,151,152,153,154,155,156,159,163,164,167],"do":[2,3,4,13,14,15,16,17,18,20,21,25,48,53,58,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,142,159,161,162,163,166],"enum":[104,127,144,154,157],"export":[20,113,160],"final":[2,15,18,19,24,29,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,163,164,167],"float":[10,15,18,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,62,68,72,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,149,150,151,152,153,154,155,156,159,165,167],"fr\u00e3":[0,158],"function":[0,2,3,7,12,13,14,16,18,20,21,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,58,61,62,63,64,65,66,67,68,69,70,71,72,80,82,85,86,87,89,91,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,135,142,149,154,155,156,158,159,162,163,165,166,167],"ga\u00e3":[0,158],"ga\u00ebl":15,"import":[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,53,58,59,61,62,63,64,65,66,67,68,69,70,71,77,78,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,134,136,154,158,159,161,162,163,164,165,166,167],"int":[13,14,15,16,21,25,26,27,28,32,34,35,36,39,47,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,82,85,86,87,89,92,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,149,150,151,152,154,155,156,157],"ko\u00e5":[0,158],"l\u00e3":[0,158],"long":[2,3,14,15,18,21,53,99,102,110,111,112,118,124,125,128,130,134,138,140,141,161,167],"new":[0,1,2,3,5,7,8,13,14,15,16,17,19,20,21,37,53,54,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,79,85,86,87,89,93,94,96,99,102,107,110,111,112,113,118,124,125,128,130,131,134,150,151,153,154,155,156,157,158,159,162,164,166,167],"null":154,"public":[18,53,73],"return":[2,3,6,8,9,10,13,15,16,18,19,21,24,25,26,27,28,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,85,86,87,88,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,142,143,149,150,151,152,153,154,155,156,157,159,163,165,166],"short":[2,14,15,53,73,104,125,142],"static":[0,14,15,60,61,62,63,64,65,66,67,68,69,70,72,77,79,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,158,160,161],"super":[61,62,63,64,65,66,68,69,70,71,72,113,129,136,143],"switch":113,"throw":[85,86,87,89,113,150,156],"true":[2,3,5,6,7,8,9,10,12,13,14,15,18,19,20,21,25,26,27,28,31,32,34,35,36,37,39,46,47,49,50,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,79,80,82,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,134,136,138,139,140,141,142,150,153,154,155,156,159,163,164,165,167],"try":[2,4,5,6,12,14,18,21,99,102,110,111,112,118,123,124,125,128,130,131,140,141,142,162,165,166,167],"var":[53,85,86,87,89,113,134,150,156],"void":53,"while":[3,4,13,16,18,37,53,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,141,150,156,159],A:[0,1,5,8,11,19,21,23,31,32,37,39,47,49,53,54,55,57,58,59,62,63,66,67,68,69,70,71,72,73,74,76,78,79,80,85,86,87,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,140,141,142,150,151,153,154,155,156,157,158,166,167],AND:[24,85,87],AS:[85,87],And:[2,15,21,38,39,40,41,42,43,44,45,46,47,48,49,58,85,86,87,89,113,150,152,156,159],As:[2,3,9,14,15,16,17,18,19,20,21,37,53,159,164,167],At:[2,18,21,113,134,161,163,167],BE:[85,87],BUT:[85,87],Be:[20,134],But:[3,4,159,167],By:[2,16,21,39,47,48,49,53,71,72,78,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,155,159,164,167],FOR:[85,87],For:[0,2,4,5,8,12,13,14,15,16,17,18,21,31,32,33,39,47,49,53,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,79,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,142,149,150,153,154,156,158,159,161,162,163,165,166,167],IN:[85,87,114],IS:[85,87,154],If:[0,2,3,5,6,7,8,13,14,15,16,18,20,21,25,27,31,32,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,85,86,87,89,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,149,150,151,152,153,154,155,156,157,158,159,161,162,163,164,166,167],In:[0,2,3,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,31,32,35,36,37,49,53,58,61,62,63,64,65,66,67,68,69,70,71,72,77,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,155,156,158,159,160,161,162,163,164,166],Is:[130,162],It:[0,2,3,8,13,14,15,17,18,19,21,24,31,32,33,38,39,40,41,42,43,44,45,46,47,48,49,53,57,58,69,70,71,72,73,77,78,82,85,86,87,89,91,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,143,149,150,154,156,158,159,161,163,166,167],Its:[7,85,86,87,89,150,156],NO:[85,87],NOT:[85,87,98,103,113,154],No:[16,21,134,162],Not:[3,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159],OF:[73,85,87],OR:[24,85,87],Of:[2,130,167],On:[14,15,99,102,110,111,112,118,124,125,128,130,149,163],One:[17,21,31,32,53,58,78,79,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,140,141],Or:[15,66],Such:[15,159],THE:[85,87,126],TO:[85,87],That:[2,14,16,19,85,159,161,163,167],The:[0,2,4,7,8,9,11,12,13,14,15,16,18,19,20,21,24,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,143,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167],Then:[2,7,13,21,53,59,77,78,159],There:[2,10,15,16,18,21,53,58,85,113,159,161,164,165],These:[0,2,12,16,17,23,49,53,57,69,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,143,150,156,158,159,163,167],To:[3,5,8,9,14,15,18,19,20,21,53,63,73,85,86,87,89,99,102,108,110,111,112,113,114,118,124,125,128,130,136,142,150,156,159,161,163,167],WITH:[85,87],Will:[18,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134],With:[2,15,16,21,57,99,102,110,111,112,118,124,125,128,130,134,163,167],_0:149,_:[27,47,57,58,67,77,78,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,149,154,163],__:153,__call__:[85,86,87,89,113,150,156],__getitem__:143,__init__:[21,61,62,63,64,65,66,67,68,69,70,71,72,106,113,136,142,167],__main__:[53,164,165],__name__:[164,165],__traceback__:74,_a:[61,65,69],_and_regressor:114,_array_interface_:53,_as_parameter_:53,_basebatstbatsmodel:123,_blockrnnmodul:99,_covari:[58,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,141,161,167],_ctype:53,_diff_seri:[39,47,49],_encod:[57,58],_encode_sequ:57,_explainabilityresult:77,_fabricoptim:113,_fill_missing_d:134,_fit_iter:[62,63,64,69,70],_fitted_param:[62,63,64,67,69,70,71],_forecastingmodelexplain:[76,77,78,79,80],_freq_to_dai:114,_get_batch_predict:113,_holiday_effect:114,_intern:53,_lag:[100,108,109,115,117,132,142],_lag_:[77,78,142],_lib:134,_likelihoodmixin:[21,100,108,109,132],_loss:113,_lrfinder:[99,102,110,111,112,118,124,125,128,130],_lrschedul:113,_my_fixed_param:[61,62,63,64,65,66,68,69,70,71,72],_my_param:[61,69],_n:134,_number_:117,_posit:[64,69],_produce_train_output:113,_random_inst:156,_rnnmodul:118,_scale:[64,69],_seri:142,_statcov_target_:[100,108,109,115,117,132,142],_t:[63,82,150],_target_comp0:142,_target_comp1:142,_window_adjustment_anomali:[25,26,27,28,50],_x:134,a_list:53,a_tolist:53,ab:[9,10,13,15,19,54,57,58,73,85,111,124,125,128,130,138,149],abbrevi:167,abc:[25,34,48,53,55,57,61,74,91,93,106,113,139,143,149],abcmeta:106,abil:[0,100,108,132,158],abl:[0,2,16,20,21,31,32,67,99,102,110,111,112,118,124,125,128,130,158,159,163,164],about:[2,5,12,14,15,16,17,18,19,21,53,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,142,149,156,159,160,161,162,163,164,166,167],abov:[2,3,11,13,15,17,18,20,21,35,36,53,58,73,85,86,87,89,113,126,150,151,155,156,159,164],abs_diff:[39,47,48,49],absenc:[31,32],absolut:[0,13,15,39,46,47,48,49,57,58,82,152,158,159,162],absolute_error:115,acc:113,acceler:[2,6,8,9,10,15,18,19,99,102,110,111,112,113,118,124,125,128,130,164,165,167],accept:[20,53,57,58,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,107,113,123,134,142,149,150,156,159,161,163,166,167],accept_transform:[57,58],access:[20,21,53,61,62,63,64,65,66,68,69,70,71,72,77,85,86,87,89,99,102,104,110,111,112,113,114,118,124,125,126,127,128,130,136,140,141,150,156,161,164,167],accommod:167,accompani:[23,37],accomplish:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],accord:[5,7,53,54,92,93,99,102,103,110,111,112,118,124,125,127,128,130,151,164],accordingli:[4,62,63,64,69,70,130,134],account:[0,2,3,11,14,114,131,134,158,159],accumul:113,accumulate_grad_batch:[113,136],accur:[15,18,19,20,32,87,99,102,110,111,112,113,124,125,128,130],accuraci:[2,13,15,16,17,18,20,21,25,26,27,28,31,32,33,34,35,36,50,54,82,101,113,159],acf:[82,154,159],acf_max_lag:154,achiev:[3,4,21,85,86,87,89,113,150,156,163,167],acknowledg:[0,158,162],acovf:154,across:[5,15,16,21,35,36,70,93,107,113,125,142,153,161,163,166],act:[53,71,91,100,108,109,115,117,132,142],action:[85,87],activ:[2,7,8,15,20,21,55,85,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163,167],actual:[0,2,3,4,5,6,7,8,9,10,11,13,14,15,18,20,21,23,29,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,69,79,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,157,158,159,163,167],actual_anomali:[25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50],actual_seri:[14,38,39,40,41,42,43,44,45,46,47,48,49,82],ad:[0,4,20,21,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,82,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,134,142,149,150,156,158,159,166],adam:[99,102,110,111,112,113,118,124,125,128,130,167],adapt:[11,15,82,130,134],add:[0,6,9,10,11,12,14,15,17,18,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,55,58,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,99,102,110,111,112,113,114,118,124,125,128,130,134,142,150,155,156,158,159,165,166,167],add_cyclic_encod:167,add_dataloader_idx:113,add_datetime_attribut:[134,159],add_encod:[14,16,18,21,58,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,165],add_histogram:113,add_holidai:[134,159],add_imag:113,add_length:[20,96,97,107,114,119,121,131,155],add_modul:[85,86,87,89,113,150,156],add_rang:55,add_relative_index:[14,125],add_season:114,add_static_covariates_to_lagged_data:142,addconst:154,addit:[0,2,8,14,15,16,20,21,31,32,39,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,85,86,87,89,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,135,150,154,156,158,159,161,162,163,166,167],addition:[6,14,53,54,61,62,63,64,65,66,67,68,69,70,71,72,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,142,167],adequ:31,adf:154,adful:154,adition:2,adjac:[134,155],adjust:[67,101,113,154],adopt:125,advanc:[2,5,15,20,21,87,100,108,109,115,117,130,132,140,141,159,160,161],advantag:[18,159,163],advic:20,advis:164,afect:[99,118],affect:[11,15,53,85,86,87,89,113,125,130,150,156,167],affin:87,afraid:15,after:[7,13,16,17,18,19,20,21,53,54,57,58,61,62,63,64,65,66,67,68,69,70,71,72,78,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,141,142,150,156,157,159,161,167],afterward:[85,86,87,150,156,159],ag:73,again:[2,4,13,14,15,18,53,67,98,103,116,159,163],against:[14,19,25,26,27,28,34,35,36,50,62,63,64,69,70,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156],aggreg:[0,14,15,17,23,25,50,79,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,158],agnost:[29,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,57],ago:[21,98,159],ahead:[7,9,10,142,159,167],ai:[85,164],aic:[123,154],aidan:130,aim:3,air:[73,159,164],air_cov:159,air_covari:2,air_month:2,air_rnn:[5,164],air_test:15,air_test_sc:15,air_train:15,air_train_covari:2,air_train_sc:15,air_transform:7,air_val_covari:2,air_year:2,airlin:159,airpasseng:[0,20,158],airpassengersdataset:[2,4,5,6,7,9,14,20,59,62,63,67,70,73,78,79,96,97,98,99,101,102,104,105,107,110,111,112,114,116,118,119,120,121,122,123,124,125,127,128,130,159,163,164,165,167],aka:142,al:[15,87,99,102,110,111,112,113,124,125,128,130,149,154],aleator:[100,163],algorithm:[4,11,13,15,39,47,49,53,54,93,107,108,113,127,159],alia:[53,67,85,86,87,89,113,134,150,153,155,156],alias:134,alig:13,align:[2,4,53,54,55,138,140,141,159],all:[0,1,2,3,4,5,6,8,9,10,13,14,15,16,17,18,19,20,21,26,34,35,36,37,39,47,48,49,50,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,82,85,86,87,89,91,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,134,136,138,139,140,141,142,143,149,150,151,152,153,154,155,156,157,158,159,161,163,164,166],all_air_seri:15,all_gath:113,all_param:106,all_past_covari:161,all_seri:18,all_series_fp32:18,all_target:161,all_valu:[64,69,125,134,166],alloc:[53,71],allow:[0,3,4,13,19,20,37,39,47,49,53,55,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,99,100,102,106,108,109,110,111,112,113,115,117,118,124,125,128,130,132,134,136,140,141,142,150,152,153,154,156,158,159,161,164,165,166,167],allow_filter_train:31,allow_model_train:[31,32],allow_zero_length_dataloader_with_multiple_devic:113,almost:[9,53,163],alon:[58,91],along:[31,32,53,61,62,63,64,65,66,67,68,69,70,71,72,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,152,155,159,166],alongsid:[61,69,85,86,87,89,113,150,156],alpha:[12,17,101,134,149,154,159],alpha_1:149,alpha_d:101,alpha_i:149,alpha_k:149,alpha_p:101,alreadi:[2,13,14,15,16,18,19,20,31,32,53,73,74,85,86,87,89,113,116,130,134,142,150,156,159,164,167],also:[0,1,2,3,4,5,9,11,13,14,15,16,17,18,19,20,21,29,31,32,53,58,61,62,63,64,65,66,68,69,70,71,72,77,78,79,82,85,86,87,89,93,96,97,98,99,101,102,103,107,110,111,112,113,114,116,117,118,119,121,123,124,125,128,130,131,134,139,142,149,150,153,154,156,158,159,161,162,163,164,165,166,167],alter:[53,113],altern:[39,47,49,53,71,87,113,114,134,142,155],although:[14,15,18,53,85,86,87,107,150,156,159],alwai:[15,18,19,53,67,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,153,156,159,161,162,167],always_cal:[85,86,87,89,113,150,156],amax:53,ambient:167,amin:53,among:[0,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,154,158],amount:[13,18,46,59,61,62,63,64,65,66,67,68,69,70,71,72,99,102,110,111,112,118,123,124,125,128,130,159,167],amp:113,amplitud:155,an:[0,1,2,3,5,6,7,8,9,10,11,12,13,14,18,19,20,21,24,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,78,79,80,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,140,141,142,144,149,150,152,153,154,155,156,157,158,159,161,162,163,164,165,166,167],analysi:[98,110,123,159,165],anaomli:23,anchor:67,and_aggreg:26,andaggreg:26,andrew:154,andrzej:[0,158],angl:15,ani:[0,2,11,14,15,16,18,19,20,21,23,28,29,31,32,37,46,48,53,55,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,149,150,151,155,156,158,159,161,164,165,166,167],anom_scor:[0,158],anomal:[19,26,28,36,37,39,47,49],anomali:[0,22,25,26,27,28,30,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,158],anomaly_model:[31,32,50],anomaly_scor:[34,35,36,50],anomalymodel:[31,32],anomalyscor:[31,32,48],anomoul:[34,35,36,50],anoth:[2,6,14,15,21,53,71,93,107,113,134,159,165,166,167],answer:162,any_seri:2,anymor:[2,19,159],anyon:[0,158],anyth:[77,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136],apart:[21,114],api:[0,1,11,15,17,21,37,53,58,114,134,155,158,159,163,166],appear:[0,17,53,134,158],append:[13,14,15,17,20,58,113,117,134,136,142,167],append_valu:134,appendix:1,appl:15,appli:[0,3,13,14,16,18,21,23,31,32,33,35,36,37,39,47,48,49,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,78,79,80,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,156,158,159,161,167],applic:[3,15,31,32,67,134,159,164],apply_component_mask:[61,62,63,64,65,66,67,68,69,70,71,72],apply_to_collect:113,appreci:[0,158],approach:[2,4,8,11,16,18,21,53,67,69,121,149,159,161,162,163],appropri:[12,17,31,32,53,78,98,99,102,103,110,111,112,118,123,124,125,128,130,149,162,167],approxim:[15,54,99,101,102,110,111,112,118,124,125,128,130,154,156,163],april:15,ar:[0,1,2,3,4,5,7,8,11,12,13,14,15,16,17,18,19,20,21,23,26,29,31,32,33,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,91,92,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,143,149,150,152,153,154,155,156,157,158,159,160,162,163,164,166,167],arang:[13,14,21,53,59,68,159],arbitrari:[2,16,20,53,113,134,159,161,163,166],arbitrarili:[53,153],architectur:[2,7,14,15,18,19,110,125,130,167],archiv:[53,73],area:[14,53,73,161],aren:142,arg1:113,arg2:113,arg3:113,arg:[14,25,34,53,61,62,63,64,65,66,67,68,69,70,71,72,74,85,86,87,89,98,106,113,120,122,125,128,134,136,150,156],argmax:[53,113],argmin:53,argpartit:53,argrelextrema:13,args_cost:54,args_lin:54,args_path:54,args_series1:54,args_series2:54,argsort:53,argument:[2,3,4,5,12,14,19,20,21,39,53,54,61,62,63,64,65,66,67,68,69,70,71,72,78,82,85,86,87,89,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,150,151,154,156,159,162,163,167],ari:101,arima:[0,4,15,95,97,119,154,158,159,161,163],arima_smap:15,arima_smapes_m3:15,arima_tim:15,arima_time_m3:15,aris:[85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],arithmet:[53,159],arma:[98,123],around:[0,3,12,15,18,21,27,31,32,47,49,53,85,96,97,99,102,104,110,111,112,113,114,115,117,118,123,124,125,128,130,131,134,142,149,154,158,159,162,164,166],arr:53,arr_t:53,arrai:[3,21,39,47,49,53,54,55,59,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,141,142,149,153,154,155,159,166,167],array_valu:[61,62,63,64,65,66,67,68,69,70,71,72],art:[8,21,130,162],articl:[2,18,122,163],arvix:[125,130],arxiv:[8,9,10,15,19,73,85,102,111,112,124,125,128,130,138,149,156],as_paramet:53,as_strid:[53,142],ashaschedul:165,ashish:130,ashx:73,asic:164,asid:[0,18,20,158,159],ask:[0,15,18,158,160],aspect:113,assert:16,assess:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],assign:[53,85,86,87,89,113,150,156],assimakopoulo:159,associ:[61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,113,126,150,156],assum:[18,21,32,39,47,48,49,61,64,65,69,74,88,105,113,134,142,155,161,164,167],assumpt:[12,31,32,39,47,48,49,78,154,163],astronom:73,astyp:[6,7,8,9,10,14,15,18,53,134,159,164,165,167],asymmetr:102,asynchron:[85,86,87,89,150,156,165],asyncio:136,athanasopoulo:3,atmospher:[99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132],attach:[113,134],attempt:[4,12,18,53,78,111,128,161],attend:[14,125],attent:[7,14,18,77,79,125,128,130,167],attentd:14,attn:79,attribut:[2,4,5,6,9,10,14,20,21,37,38,39,40,41,42,43,44,45,46,47,48,49,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,74,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,149,150,155,156,159,161,166],attributedict:113,attributeerror:[53,85,86,87,89,113,150,156],auc:[29,37],auc_pr:[31,32,38,39,40,41,42,43,44,45,46,47,48,49,50],auc_roc:[31,32,38,39,40,41,42,43,44,45,46,47,48,49,50],aug:73,augment:[73,113,154],august:73,ausbeer:73,ausbeerdataset:[19,73],australia:73,australian:[1,19,73],australiantourismdataset:[17,73],author:[0,15,85,87,158],auto:[2,4,6,9,10,14,15,19,20,21,68,82,97,98,99,100,102,103,108,109,110,111,112,113,115,116,117,118,119,120,122,124,125,128,130,132,142,151,154,159,161,165,167],auto_arima:97,auto_select_gpu:[18,99,102,110,111,112,118,124,125,128,130,164],autoarima:[0,4,95,119,158,159,161],autoarima_arg:[97,119],autoarima_kwarg:[97,119],autoc:120,autoces_arg:120,autoces_kwarg:120,autoet:121,autoets_arg:121,autoets_kwarg:121,autograd:[85,86,87,89,113,150,156],autolag:154,autom:167,automat:[2,4,6,16,58,61,62,63,64,65,66,67,68,69,70,71,72,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,154,159,163,164,165],automatic_optim:113,automaticargsmodel:113,autonom:58,autonotebook:21,autoregress:[9,96,131,155],autoregressive_integrated_moving_averag:96,autoregressive_timeseri:155,autoreload:[3,4,5,7,9,11,12,13,14,16,19,20,21],autotheta:122,autotheta_arg:122,autotheta_kwarg:122,avail:[1,2,3,8,14,15,17,18,20,53,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,80,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,152,153,155,156,159,163,164,165,167],averag:[3,11,13,14,15,17,20,21,53,69,82,85,86,87,89,90,96,98,102,113,116,131,150,154,156,159,161,167],average_error:159,avgpool1d:111,avoid:[2,5,7,14,19,53,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156,159,164,165,167],awai:142,awar:[18,113,134,149,152,165],awesom:162,ax:[2,6,9,10,13,14,15,19,20,21,53,56,79,99,102,110,111,112,118,124,125,128,130,134,138,140,141,142,154,163,166,167],axi:[2,9,10,13,14,15,17,51,53,54,55,61,62,63,64,65,66,67,68,69,70,71,72,79,87,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,152,154,155,159,161,166,167],axis1:53,axis2:53,ay:134,azz:121,b:[16,53,55,57,61,65,69,71,134,149,161,166],b_1:85,b_2:85,babai:101,back:[2,3,20,53,54,61,62,63,64,65,66,67,68,69,70,71,72,80,82,99,102,110,111,112,113,118,124,125,128,130,134,159,166,167],backfil:[72,134],background:[14,77,78,79,80],background_future_covari:[78,79],background_num_sampl:78,background_past_covari:[78,79],background_seri:[78,79],backpropag:19,backtest:[0,6,7,9,10,20,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,158],backtest_en:[6,9,10],backtest_futcov:2,backtest_hist_fct:20,backtest_model:20,backtest_pastcov:2,backtest_seri:[5,7,14],backtest_series_ic:14,backtest_sp:6,backward:[53,67,85,86,87,89,100,113,117,134,136,150,156,167],backward_pr:[85,86,87,89,113,150,156],bad:[4,113,162],bader:[0,158],bai:73,balanc:18,band:13,bangladesh:114,bar:[2,3,6,8,9,10,13,16,19,78,82,113,136],bar_format:136,bare:159,barebon:21,bartlett:154,bartlett_confint:154,base:[0,2,3,5,13,15,18,19,20,25,26,27,28,30,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,53,54,55,56,58,59,60,62,63,66,67,68,69,70,71,72,73,74,76,77,78,79,85,86,87,89,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,134,136,137,139,140,141,144,149,150,153,154,156,157,158,159,161,163,164,165,166,167],base_component_nam:[57,58],base_data_transform:[61,64,65,66,68,69,72],basedatatransform:[59,61,62,63,64,65,66,67,68,69,70,71,72],basedetector:47,baseexcept:74,baselin:[0,16,18,95,158,159,161],basesianridg:21,basetyp:53,basi:[110,134,155],basic:[3,21,29,114,159,165,167],bat:[0,95,158,159,161,163],batch:[2,19,89,99,102,110,111,112,113,118,124,125,128,130,136,149,163],batch_idx:[113,136],batch_siz:[2,5,7,8,9,10,14,15,18,19,99,102,110,111,112,113,118,124,125,128,130,149,164,165],batchnorm:[85,86,87,89,113,150,156],bayes_ridge_model:159,bayesian:[18,21,99,102,110,111,112,118,124,125,128,130,149,156,159,163],bayesianridg:[21,159],bbox_to_anchor:15,bd:114,bear:12,beat:[0,2,73,95,111,138,158,162],becaus:[2,4,12,14,15,18,21,53,118,119,121,130,131,142,143,152,153,154,159,161,164,167],becom:[2,13,18,53,134],bee:2,been:[1,2,15,17,19,21,31,32,39,47,48,49,57,58,62,63,64,67,69,70,71,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,159,167],beer:[19,73],befor:[0,2,3,4,8,12,14,15,16,17,18,19,20,21,32,39,47,48,49,53,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,142,150,155,156,157,158,159,162,167],beforehand:166,began:16,begin:[2,9,10,13,20,53,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,167],behav:[37,39,47,49,53],behavior:[4,9,11,21,53,85,86,87,89,91,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156,167],behaviour:[13,53,113],behind:[53,117,149,159,161,163,166],being:[0,11,15,19,20,31,32,39,47,49,53,57,61,62,63,64,65,66,67,68,69,70,71,72,78,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,150,156,158,159,163],beitner:126,belief:[149,159],believ:15,belong:[50,113,134,140,141],below:[0,2,4,15,16,17,18,20,21,35,36,53,54,57,58,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156,158,159,161,163,165,167],benchmark:[19,98],benefici:163,benefit:[20,58,61,62,63,64,65,66,68,69,70,71,72,113,159,164],benheddi:[0,158],bernoulli:149,bernoulli_distribut:149,bernoullilikelihood:149,besid:18,best:[2,5,6,7,8,9,10,13,15,17,19,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,153,159,161,162,165,167],best_config:165,best_loss:[99,102,110,111,112,118,124,125,128,130],best_map:159,best_model:[5,7,18,167],best_model_sp:7,best_pr:18,best_preds_test:18,best_theta:159,best_theta_model:159,best_trial:[18,165],best_valu:[18,165],beta:149,beta_distribut:149,beta_nl:[9,10,149],betalikelihood:[149,159],better:[2,3,4,11,13,15,16,18,20,21,102,111,123,125,128,130,134,159,167],between:[2,3,13,15,18,21,29,33,35,37,38,39,40,41,42,43,44,45,46,47,48,49,53,54,55,58,61,64,65,69,70,71,73,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,142,149,150,152,155,156,157,159,163,165,167],bewar:53,beyond:[33,35,36,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,164],bfill:[72,134],bfloat16:[85,86,87,89,113,150,156],bgc:73,bia:[20,85,86,87,89,113,150,154,156],biao:87,bias1:85,bias2:85,bias:159,bias_gat:85,bibtex:[0,158],bic:154,big:[15,53,100,108,109,115,117,132,140,141,143,167],bigger:[1,6],bigger_s:13,bilinear:[86,125,130],bin:[15,16,154,159],binari:[0,23,24,25,26,27,28,29,33,34,35,36,50,53,114,134,155,158,159],binary_anom:[0,158],binary_pred_anomali:50,binaryio:[96,97,98,100,101,103,104,105,107,108,109,114,115,116,117,119,120,121,122,123,127,131,132],binomi:149,bit:[21,53,159],black:12,blindli:15,blob:[108,114,126],block:[2,5,53,93,95,110,111,118,128,142],block_denom_grad:150,block_rnn_model:[5,99],blockrnn:2,blockrnn_test:2,blockrnnmodel:[0,2,5,9,95,99,118,158,161],blog:[0,158],blood:166,blue:[4,11,12,15,17,21,159],boilerpl:19,book:17,bool:[21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,79,80,82,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,150,152,153,154,155,156],boost:108,border:94,borrow:53,both:[0,3,5,11,14,15,16,17,18,19,20,21,39,47,49,53,55,57,58,61,69,71,72,73,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,138,140,141,142,150,154,156,158,159,161,163,164,165,167],bottl:73,bottleneck:[61,62,63,64,65,66,68,69,70,71,72,164],bottom:[17,69,134],bottom_level_compon:134,bottom_level_seri:134,bottomupreconcili:[17,69],bound:[35,36,50,85,86,87,89,92,99,100,102,108,109,110,111,112,113,115,117,118,124,125,128,130,132,134,139,140,141,142,150,156,167],boundari:[97,139,154],box:[15,18,20,21,60,113,123,159],box_cox_bound:123,boxcox:[0,58,62,158],boxcox_normmax:62,boylan:101,br:114,brazil:114,breakdown:[0,158],brief:[4,20],bring:[0,54,158],british:73,broadli:[161,167],broken:73,bt:15,bu:[17,73],buf:[85,86,87,89,113,150,156],buffer:[53,85,86,87,89,113,150,156],buffer_callback:163,bug:[0,53,158],build:[0,5,6,14,17,21,58,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,141,150,156,158,163,165],build_fit_tcn_model:18,built:[2,18,53,99,102,110,111,112,113,118,124,125,128,130,134,159,163],builtin:[53,72,134],bulk:18,bunch:[4,15],busi:[17,73],bx:134,bypass:[53,128],byteord:53,bytesio:53,byteswap:53,c:[0,13,16,17,21,53,55,57,71,73,85,87,96,111,131,134,154,158,159,161],c_contigu:53,c_doubl:53,c_int:53,c_intp:53,c_long:53,c_long_array_2:53,c_longlong:53,c_name:21,c_short:53,c_uint32:53,c_uint64:53,c_uint:53,c_ulong:53,c_val:21,c_void_p:53,ca:[53,73],cach:[74,113,136],calcul:[15,53,73,98,113,134,152,154,155],calendar:[18,21,123,159,163],calibr:37,california:73,call:[2,3,13,15,17,18,20,21,29,31,32,33,39,47,48,49,53,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,80,82,85,86,87,89,93,98,99,102,103,104,106,107,110,111,112,113,114,116,118,119,121,124,125,127,128,130,136,142,150,153,156,159,161,162,163,166,167],call_super_init:[85,86,87,89,113,150,156],callabl:[54,57,58,66,72,74,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156],callableindexencod:58,callback:[0,2,6,8,9,10,16,18,19,99,102,110,111,112,113,118,124,125,128,130,136,158,165],callback_metr:167,caller:[85,86,87,89,113,150,156],camila:[0,158],can:[0,2,3,4,5,6,7,8,9,11,12,13,14,15,16,17,18,19,20,21,23,24,29,33,37,39,47,49,50,53,54,55,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,140,141,142,143,149,150,152,153,154,155,156,157,158,159,161,162,163,164,165,166,167],canada:73,candid:[11,20,159],candidates_model:20,cannot:[20,21,37,53,63,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,152,159,162],canon:127,cap:114,capab:13,capabl:[0,158,161,163,164],capac:[114,163],capit:164,captur:[2,14,15,18,20,21,37,78,100,106,159,161,166],care:[3,18,20,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,113,150,156,163,167],carlo:[21,85,99,102,110,111,112,118,124,125,128,130,156,159,166],carrai:53,carri:[18,57,58,77,93,107,114],carrier:15,carrier_passeng:15,cast:[18,53,85,86,87,89,113,134,150,156,159,167],cat:[16,71],catageor:79,catboost:[21,95],catboost_model:[21,100],catboostmodel:[0,21,95,100,158,161],catboostregressor:[21,100],categor:[71,77,79,108,117,125,161],categori:[15,16,71,125,161],categorical_embedding_s:[14,16,125],categorical_future_covari:[108,117],categorical_past_covari:[108,117],categorical_static_covari:[108,117],cauchi:[37,149],cauchy_distribut:149,cauchylikelihood:149,cauchynllscor:40,caus:[20,53,134,149,154,162],causal:[89,154],caution:164,cavari:139,cdc:73,cdot:82,cdoubl:[85,86,87,89,150,156],ce:120,ceg:53,ceil:13,cell:[6,15,18,53,55,159],center:[14,72,73,87,94,134,149,159],centr:159,central:134,central_quantil:134,centroid:39,certain:[17,18,53,55,85,86,87,89,113,150,156,159,163],certainli:18,cet:[21,58,73,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132],cgdakqo1c0p:[99,102,110,111,112,113,124,125,128,130],ch:73,chain:59,challeng:5,challu:111,chanc:[113,136,138,167],chang:[0,7,11,12,15,16,18,53,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,153,156,158,164,167],changelog:162,channels_last:[85,86,87,89,150,156],character:2,characterist:[16,161],charg:[85,87,126],check:[0,5,14,17,20,21,39,47,48,49,50,53,58,80,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,136,142,150,152,153,154,156,158,159,161,167],check_component_nam:80,check_if_fit_cal:[39,47,48,49],check_input:142,check_season:[3,5,7,9,14,154,159],checkout:[97,118],checkpoint:[2,6,8,19,99,102,110,111,112,113,118,124,125,128,130,136,163],checkpoint_hyper_params_kei:113,checkpoint_hyper_params_nam:113,checkpoint_hyper_params_typ:113,checkpoint_path:113,checksum:[73,74],chen:[102,112,150],chiba:13,child:[17,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,113,150,156],children:[17,85,86,87,89,113,150,156],china:[73,114],choic:[5,15,18,21,53,154,161,165],choos:[15,53,113,167],chose:2,chosen:[4,6,70,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,154],christma:18,chronolog:78,chunk:[2,14,57,58,79,99,100,102,108,109,110,111,112,113,115,117,124,125,128,130,132,141,160,161,165],circuit:164,circumst:53,cisz:[0,158],citi:[17,73,161],city_label:17,ckpt:[99,102,110,111,112,113,118,124,125,128,130],claim:[85,87],classic:[0,15,20,101,158,162],classif:[0,23,33,158],classmethod:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134],clean:[0,158],clear:[13,53,85,86,87,89,113,131,136,150,156,166],clearli:4,client:[2,18,73,164],clip:[19,53,113],clip_gradi:113,clireport:165,clongdoubl:53,close:[2,3,10,11,12,13,15,21,53,54,72,113,134],closer:[4,18,130,159],closest:[39,53,149,157,167],closur:113,cloud:164,cluster:[37,39],cn:[114,131],co2:73,co:[0,11,58,134,155,158,159],code:[15,17,19,21,53,73,114,134,155,162,163,164,167],coef:155,coef_:[21,159],coef_nam:21,coef_valu:21,coeffici:[21,82,110,150,153,154,155,159],coefficient_of_vari:82,coeffs_dim:15,coincidentali:2,col:[14,15],col_nam:134,col_names_new:134,colab:[15,162,164],collaps:53,collat:71,collect:[0,73,98,113,136,158,159],collis:[99,102,110,111,112,118,124,125,128,130],color:[2,11,12,13,15,17],colormap:[21,54],cols_cat:71,cols_num:71,column:[0,14,15,16,17,21,53,55,58,61,62,63,64,65,66,67,68,69,70,71,72,73,114,125,134,142,151,155,158,163,166],column_index:55,column_length:55,column_nam:[16,155],column_rang:55,com:[15,62,63,69,73,108,114,120,121,122,123,126,127,132,142,150,164],combin:[0,12,18,20,21,23,24,37,57,58,59,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,158,159,163,165,167],combined_forecast:159,come:[2,3,17,18,21,24,37,53,73,99,100,102,108,110,111,112,118,124,125,128,130,132,138,140,141,165],command:[15,18,167],commensur:37,comment:14,common:[0,3,11,19,50,82,99,102,110,111,112,118,124,125,128,130,134,142,154,157,158,159],common_model_arg:19,commonli:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],commun:[113,162],comp0:142,comp0_:142,comp0_s0:134,comp0_s1:134,comp0_target_lag0:142,comp0_target_lag3:142,comp1:[16,71,142],comp1_:142,comp1_s0:134,comp1_s1:134,comp1_series_:16,comp1_target_lag0:142,comp1_target_lag3:142,comp2:[16,71],comp3:[16,71],comp:[21,72,100,108,109,115,117,132,134,142],comp_0:134,comp_1:134,comp_2:134,compani:[15,18],compar:[0,2,16,17,19,20,21,23,29,31,32,36,37,46,49,53,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,158,159,167],comparison:[5,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156,165],compat:[0,2,15,20,53,85,86,87,89,110,111,113,123,124,125,128,134,150,154,156,158,159,167],competit:[8,15,20,127,159],compil:[53,85,86,87,89,113,119,121,150,156],complain:[2,99,102,110,111,112,118,124,125,128,130],complet:[2,4,19,104,160,165,166,167],complex128:[53,85,86,87,89,150,156],complex:[6,7,13,15,18,21,53,85,86,87,89,120,123,150,156],complexseason:123,complexwarn:53,complic:53,compon:[0,2,3,5,8,9,11,14,15,16,18,24,25,26,27,28,35,36,39,46,47,49,50,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,80,82,85,86,87,88,89,96,98,100,102,104,108,109,112,114,115,117,118,123,125,128,132,134,142,149,153,154,155,158,159,163,166],component_:134,component_i_sample_1:[61,62,63,64,65,66,67,68,69,70,71,72],component_i_sample_2:[61,62,63,64,65,66,67,68,69,70,71,72],component_i_sample_n:[61,62,63,64,65,66,67,68,69,70,71,72],component_mask:[61,62,63,64,65,66,67,68,69,70,71,72],component_wis:[31,32,37,39,46,47,49],componentbasedexplainabilityresult:77,componentn:134,components_max:134,components_mean:134,components_median:134,components_min:134,components_sum:134,components_to_show:17,compos:[13,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,69,85,86,87,89,113,114,134,150,156,159],compress:[53,55],compris:142,compromis:15,comput:[0,2,3,5,7,13,14,15,17,18,19,21,31,32,35,37,38,39,40,41,42,43,44,45,46,47,48,49,58,62,63,69,70,72,73,78,79,82,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,142,149,150,151,154,155,156,158,163,167],computation:[13,21,163],compute_loss:149,comsumpt:2,con:18,concaten:[2,6,8,9,10,14,17,39,47,48,49,61,62,63,64,65,66,67,68,69,70,71,72,134,142,159,161,166,167],concentr:149,concept:18,concern:[73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],cond:82,conda:[0,158,159],condit:[16,19,53,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,140,141],condition_nam:114,confer:[15,87],confid:[0,12,18,20,134,154,158,159,166],confidence_low_quantil:134,config:165,configur:[1,8,59,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,163,167],configure_callback:113,configure_gradient_clip:113,configure_model:113,configure_optim:113,configure_sharded_model:113,configure_torch_metr:113,confirm:159,confus:[85,86,87,89,113,150,156],conj:53,conjug:53,connect:[2,5,85,87,99,110,111,125,128,130],consecut:[2,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,139,140,142,167],consequ:[5,64,69],consid:[8,13,14,15,16,18,19,20,34,35,36,37,39,47,49,50,54,55,58,61,62,63,64,65,66,67,68,69,70,71,72,78,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,150,151,154,156,157,159],consider:[9,20,21,117],considers_static_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],consist:[2,3,4,8,14,18,85,86,87,89,110,112,113,114,134,138,150,153,156,166,167],consol:21,const_init:[102,112],constant:[14,15,16,96,99,102,110,111,112,113,114,118,124,125,128,130,131,153,154,155,161],constant_timeseri:[9,10,155],constantli:[0,158,162],constitu:[98,103],constitut:[15,21,134],constrain:[13,54,159],constraint:[2,54,118,140,141],constrast:2,construct:[13,17,53,55,62,70,78,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,139,142,150,156,160],constructor:[3,4,12,64,69,99,102,110,111,112,118,124,125,128,130,136],consult:[159,162],consum:[0,2,15,17,18,21,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,142,158,159,161,163,166],consumpt:[21,73,167],cont:16,contact:162,contain:[0,1,2,3,4,11,13,14,15,16,17,18,20,31,32,33,38,40,41,42,43,44,45,46,48,50,53,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,82,85,86,87,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,136,138,139,140,141,142,143,149,150,153,154,155,156,157,158,159,161,163,164,165,166,167],contamin:[72,134],content:[53,113,160,164],context:[2,8,19,85,86,87,89,113,123,150,156,161,164,167],contigu:[15,53,55,134,142,151],continu:[2,9,10,15,16,19,20,73,125,149],continuous_bernoulli_distribut:149,continuousbernoullilikelihood:149,contract:[85,87],contrast:[2,154,159],contribut:162,contributor:[0,158,162],control:[2,11,13,53,55,58,73,93,96,99,100,102,105,107,108,109,110,111,112,118,124,125,128,130,131,132,134,149,159,167],conv2d:[85,86,87,89,113,150,156],conv4:[85,86,87,89,113,150,156],conv5:[85,86,87,89,113,150,156],conv:[85,86,87,89,113,150,156],conveni:[3,15,21,23,37,53,77,123,159,165],convent:[16,58,77,78,100,108,109,115,117,132,134,142,166],converg:[11,17,167],convergencewarn:17,convers:[53,58,61,62,63,64,65,66,67,68,69,70,71,72,73,142],convert:[9,14,15,21,53,58,67,71,73,85,86,87,89,113,134,150,154,155,156,162],converted_seri:14,convincingli:162,convolut:[0,2,18,95,158,159],cookbook:12,coordin:[3,59,61,62,63,64,65,66,68,69,134,166],copi:[20,21,53,57,59,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,93,107,113,126,134,150,156,164],copyright:[85,87,126],copyto:53,core:[3,15,18,21,23,37,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,159,164,167],correct:[53,58,64,69,99,102,110,111,112,113,118,124,125,128,130,154],correctli:[2,9,15,64,69,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,150,153,156],correl:[21,82,154,159,166],correspond:[2,3,15,35,36,37,39,47,49,53,54,55,57,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,154,155,156,157,159,161,166,167],corrupt:[12,113],cosin:[58,96,97,107,114,119,121,155],cost:[13,15,53,54,111,128,142,167],cost_cmap:54,cost_matrix:[53,54],costmatrix:[53,54],cough:73,could:[3,4,13,15,17,18,21,37,53,59,61,62,63,64,65,66,67,68,69,70,71,142,159,161],count:[13,15,53,101,113,149,154,159],counter:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,162],countri:[73,114,134,155,161],country_cod:[134,155],country_holidai:114,coupl:[18,21,100,159],cours:[2,18,20,130,159,165,167],cov0_:142,cov1_:142,cov:16,cov_heat_train:14,cov_heat_v:14,cov_train:[5,14],cov_val:[5,14],covari:[0,5,6,9,10,11,15,18,32,57,58,60,62,67,69,70,77,78,79,80,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,138,139,140,141,142,143,155,158,160,162,165],covariate_index_gener:57,covariate_typ:[139,141],covariates_heat:14,covariates_heat_transform:14,covariates_temp:[57,58],covariates_transform:14,covariatesindexgener:[57,58],covariatesmodel:167,covariatetyp:[139,141,144],covarit:16,cover:[2,20,53,55,57,167],coverag:6,cow:[2,3,73,159],cox:[60,123],cp37:164,cp37m:164,cpu:[2,3,6,8,9,10,15,18,85,86,87,89,99,102,110,111,112,113,118,123,124,125,128,130,150,156,160,165],cran:73,crash:53,cream:[73,167],creat:[0,5,6,7,9,12,13,15,16,18,19,20,21,39,47,53,58,59,61,62,63,64,65,66,67,68,69,70,71,72,79,82,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,155,156,158,160,161,163,164,165,167],create_lagged_component_nam:142,create_lagged_data:142,create_lagged_prediction_data:142,create_lagged_training_data:142,create_normal_sampl:88,create_studi:[18,165],creation:[3,14,16,21,53,57,58,79,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,140,141,159,161,167],crest:12,crit:154,criterion:[13,15,115,120,154,159,164],critic:[2,3,4,5,6,7,8,9,10,14,16,19,20,21,154],crop:105,croston:[0,95,158,161],crwindow:55,csv:[0,3,4,13,15,113,134,158,159],ct:[96,131,154],ctt:154,ctype:53,ctypeslib:53,cu111:164,cu:[57,58],cuda:[18,85,86,87,89,113,150,156,165,167],cuda_visible_devic:[18,164],cumprod:53,cumsum:[53,134],cumul:[53,134],cumulative_length:139,curios:20,curl:15,current:[0,5,7,14,15,17,18,53,55,58,72,78,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,156,158,159,163,164,165,167],current_epoch:113,curv:[12,16],curve_typ:16,custom:[0,14,19,57,58,66,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,136,149,150,156,158,159],custom_decod:130,custom_encod:130,custombatch:113,customfeedforwarddecoderlay:89,customfeedforwardencoderlay:89,customm:14,customregressionmodel:21,cut:[134,157],cutoff:14,cyc:[57,58],cycl:[104,114],cyclic:[14,18,21,57,58,79,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,134,155,159],cyclic_past:58,cyclicencod:58,cyclictemporalencod:58,d1:134,d1r1:134,d1r2:134,d2:134,d2r1:134,d2r2:134,d:[2,15,16,39,47,49,53,55,57,61,62,63,64,65,66,67,68,69,70,71,72,95,96,110,111,113,131,134,155,159,161,166],d_:85,d_ff:[85,86],d_model:[7,85,86,130],da:128,dai:[2,3,4,6,8,9,10,15,18,21,58,67,105,114,134,155,159,161,165,167],daili:[2,3,4,14,73,104,114,134,155,161,167],dailyaverag:3,dailyavg_forecast:3,dailyavg_train:3,dailyavg_v:3,damag:[85,87],damp:[104,123,159],dangl:113,dark:13,darkviolet:2,dart:[0,1,2,3,4,5,6,7,8,9,10,12,13,14,16,17,18,19,20,23,25,26,27,28,29,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,85,86,87,88,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,136,138,139,140,141,142,143,144,149,150,151,152,153,154,155,156,157,158,160,162,163,164,166,167],darts_enc_:[57,58],darts_enc_fc_cyc_month_co:14,darts_enc_fc_cyc_month_sin:14,darts_log:[99,102,110,111,112,118,124,125,128,130,167],dash:14,data:[0,5,6,7,8,9,10,11,13,20,22,32,35,37,39,47,49,53,54,57,58,59,62,63,66,68,69,70,71,72,73,78,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,143,144,152,153,154,158,160,161,162,163,164,165],data_a:53,data_arrai:[134,166],data_dt:15,data_sampl:67,data_split:113,dataarrai:[3,59,61,62,63,64,65,66,68,69,134,159,166],datafram:[0,15,17,19,67,68,71,72,77,114,134,151,158,159,162,166,167],dataload:[99,102,110,111,112,113,118,124,125,128,130,136,139,164,167],dataloader_idx:[113,136],datalod:164,datapoint:[3,152],dataprocess:[2,3,5,6,7,8,9,10,13,14,15,16,17,18,19,20,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,82,125,159,163,164,165,167],dataset:[0,1,2,3,4,5,7,8,9,10,11,13,14,18,19,20,22,54,57,58,59,62,63,67,70,74,78,79,96,97,98,99,100,101,102,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,135,152,158,159,163,164,165],dataset_load:[73,74],datasetload:74,datasetloadercsv:[73,74],datasetloadermetadata:74,datasetloadingexcept:[73,74],datatimeindex:[58,134,155],datatransform:1,datatyp:[53,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156],date:[13,15,16,67,73,99,102,110,111,112,118,124,125,128,130,134,155,162,167],date_rang:[5,13,15,16,134],dateoffset:[67,134,155],dateset:13,datetim:[14,15,57,58,134,155,159,166],datetime64:[3,61,62,63,64,65,67,69,134],datetime_attribut:[16,58,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,159,165],datetime_attribute_timeseri:[2,5,6,9,10,14,20,58,96,97,107,114,119,121,155,159],datetimeattributeencod:58,datetimeindex:[57,58,67,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,155,157,159,166],day_dur:18,day_of_week:58,day_of_year:58,day_seri:[6,9,10],dayofweek:[18,21,58,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,159],dayofyear:58,days_in:18,days_in_month:[3,14,134,159],days_out:18,dd_hh:163,dd_hh_mm_ss:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],dd_hh_mm_ss_torch_model_run_pid:[99,102,110,111,112,118,124,125,128,130],ddof:[53,134],ddp:[113,164],ddp_spawn:164,de:[12,73,127],deadlock:113,deal:[3,15,16,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132],dealloc:53,decai:11,decemb:73,decent:159,decid:[113,154],decim:53,decis:20,decod:[5,14,19,77,79,89,110,111,125,128,130],decoder_import:77,decoder_output_dim:128,decompos:[17,127,154],decomposit:[4,154],decor:[82,106,113,156],decreas:[16,17,19,20,99,102,110,111,112,118,124,125,128,130],dedic:[2,21,58,161,166,167],deduct:152,deep:[0,1,14,18,20,21,53,59,70,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,153,158,161,163,165,167],deepar:[0,9,158,159,161],deeper:2,deepspe:113,deeptcn:[0,124,158],def:[2,5,6,7,8,9,10,14,15,16,17,18,21,61,64,65,69,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,136,150,156,159,165,167],default_format:[134,154],default_lag:[21,108,109,115,117,132],defin:[2,14,15,18,20,21,39,47,49,53,57,58,61,62,63,64,65,66,68,69,70,71,72,73,78,85,86,87,89,91,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,150,153,154,156,159,163,165,166,167],definit:[15,78,79,125,134,142,151,161],degc:[100,102,108,109,112,115,117,118,125,128,132],degre:[85,86,87,89,105,110,113,134,150,154,156,159],delimit:[0,158],delta:134,demand:[18,73,101],demonstr:[3,4,13,17,18,20,21],denni:[0,158],denois:11,denomin:[150,154],denot:[2,82,117,134,142,161,167],dens:[19,53,95],densecostmatrix:53,densiti:154,depart:73,depend:[0,2,3,4,5,6,14,15,20,21,37,53,58,61,62,63,64,65,66,67,68,69,70,71,72,77,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,142,154,158,159,161,163,166,167],deprec:[17,53,85,86,87,89,113,150,156,163],depth:[21,53,115,159,160],deriv:[57,58,61,62,63,64,65,66,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,155],derive:58,descend:[85,86,87,89,113,150,156],describ:[10,29,53,57,58,73,77,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,141,159,163],descript:[19,53,73,79,164],descriptor:53,design:[8,13,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,113,125,130,150,156],desir:[4,13,21,53,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,154,155,156,159],despit:[13,53],destin:[85,86,87,89,113,150,156],detach:[85,86,87,89,113,150,156],detail:[0,8,17,20,37,53,61,62,63,64,65,66,67,68,69,70,71,72,82,85,86,87,89,99,102,108,110,111,112,113,114,118,124,125,128,130,142,150,156,158,159,160,161,167],detect:[0,18,22,24,29,31,32,33,34,35,36,37,39,47,48,49,99,102,105,110,111,112,118,124,125,128,130,158,165],detector:[0,23,24,34,50,158],deterior:20,determin:[5,14,15,16,19,32,53,54,55,69,82,99,102,110,111,112,113,118,124,125,126,128,130,153,154,159,163],determinist:[20,32,37,68,69,82,85,86,87,89,92,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,154,156,160,163],detrend:105,dev:154,devel:154,develop:[0,158,164,167],deviat:[13,31,32,53,134,149,155],devic:[85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,150,156,164,167],df3:[6,9,10],df3_day_avg:[6,9,10],df:[0,8,15,16,17,134,158],df_day_avg:8,df_m3:15,df_m4:15,df_meta:15,dft:[4,105],diag:[53,69],diagon:[53,55],diagram:[85,86,87,89,113,150,156],dickei:154,dict:[15,17,19,21,31,32,54,58,67,69,71,72,77,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,153,154,156],dictionari:[16,17,19,21,31,32,53,58,61,62,63,64,65,66,68,69,70,71,72,78,85,86,87,88,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,154,156,159,164,166],did:[18,99,102,110,111,112,118,124,125,128,130,159],didn:[2,15],diff:[13,39,47,49,63,134,159],diff_fn:[37,39,47,48,49],differ:[0,2,3,4,9,11,15,16,17,18,21,29,31,32,37,39,46,47,48,49,50,53,54,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,149,150,155,156,158,159,161,163,164,165,166,167],differenc:[0,60,82,134,158,159],difference_scor:38,differencescor:38,differenti:[2,96,131],dilat:[18,124],dilation_bas:[6,10,18,20,124,165],dim:[53,87,113],dim_feedforward:[7,130],dim_x:[11,15,20,93,107,159,163],dimens:[0,2,3,6,13,17,20,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,59,61,62,63,64,65,66,67,68,69,70,71,72,78,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,155,158,159,161,163,166,167],dimension:[2,7,15,35,36,53,93,100,102,107,108,109,110,112,115,117,125,128,132,134,142,149,166],direct:[18,53,73,85,86,87,89,96,97,98,99,100,101,102,104,105,107,108,109,110,111,112,113,114,115,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,150,154,156,163,165],directli:[1,2,14,16,18,20,32,37,53,58,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,159,163,167],directori:[99,102,110,111,112,118,124,125,128,130,167],dirichlet:149,dirichlet_distribut:149,dirichletlikelihood:149,disabl:[2,3,4,5,6,7,8,9,10,14,16,19,20,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,136,150,152,156],disaggr:17,disambigu:134,discard:[4,73,99,102,110,111,112,118,124,125,128,130,134],disclaim:[20,130],discourag:53,discret:[18,149,159],discuss:[0,73,142,158],diseas:73,disk:[73,74,167],displai:[14,15,54,78,100,134,136,154],display_forecast:8,dispos:17,disregard:153,distanc:[13,39,49,53,54],distant:37,distinct:[16,53,134,159],distinguish:[2,161,163,166,167],distort:13,distribut:[0,11,12,21,40,41,42,43,44,45,49,82,85,87,88,93,99,102,110,111,112,113,123,124,125,126,128,130,134,149,154,155,158,163,164,166,167],dive:2,diverg:[149,159,162,163],divers:20,divid:[3,73,113],divis:[134,150],divisor:134,dl:[8,19],dlinear:[0,102,158],dlinearmodel:[0,95,102,158,161],dload:15,dnav:73,doc:[14,15,16,21,46,58,67,85,86,87,89,113,114,123,134,142,150,155,156,159,164],docstr:[67,85,86,87,89,113,150,156],document:[14,15,17,18,21,37,53,61,62,65,69,70,72,85,86,87,89,93,97,99,102,104,108,110,111,112,113,118,119,120,121,122,123,124,125,126,128,130,134,149,150,151,156,160,162,163,164,167],doe:[11,13,14,15,18,20,21,53,61,62,63,64,65,66,67,68,69,70,71,72,77,78,98,99,102,103,110,111,112,116,118,121,124,125,128,130,131,134,142,149,159,164,167],doesn:[2,9,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,159,164],doi:120,domain:[4,149,159],domest:1,don:[2,3,4,6,14,15,17,21,98,99,100,102,103,108,109,110,111,112,113,115,116,117,124,125,128,130,132,134,136,142,161,162,167],done:[2,3,4,12,15,17,18,19,53,62,70,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,134,159,165],dot:[53,73,78],dotm:122,doubl:[2,13,73,85,86,87,89,113,150,154,156],down:[13,17,69,73,134,154],download:[15,18,73,74,113,164],download_data:113,downsampl:[67,111],downstream:80,dpi:15,dr:[114,160],dramat:164,drastic:[19,167],draw:[130,166],drawback:18,drawn:142,drift:[98,159],drift_forecast:159,drift_model:159,drop:[13,63,72,134,150,154,156,157],drop_aft:[13,134],drop_after_index:157,drop_befor:[8,134],drop_before_index:157,drop_column:134,drop_hierarchi:134,drop_prob:113,drop_static_covari:67,dropna:[15,63,72,134],dropout:[2,5,6,7,8,9,10,14,15,18,20,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,150,156,159,164,165],dst_type:[85,86,87,89,113,150,156],dstm:122,dt_attr:[20,159],dta:[57,58],dtw:[51,53,82],dtw_metric:[13,82],dtwalign:54,dtype:[9,17,53,67,85,86,87,89,113,134,150,155,156,159,167],dual:[118,123],dualcovari:143,dualcovariatesinferencedataset:139,dualcovariatessequentialdataset:140,dualcovariatesshifteddataset:141,dualcovariatestorchmodel:[99,102,110,111,112,118,124,125,128,129,130,143],dualcovariatestrainingdataset:[140,141,143],due:[2,4,15,18,21,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149],dumon:[0,158],dump:[53,96,97,98,100,101,103,104,105,107,108,109,113,114,115,116,117,119,120,121,122,123,127,131,132,163],dump_patch:[85,86,87,89,113,150,156],duplic:[85,86,87,89,113,150,156],durat:[0,2,15,21,37,72,73,134,158],durbin:154,dure:[1,2,3,14,15,16,18,19,20,21,33,37,39,47,49,57,58,62,63,64,69,70,92,96,97,98,99,101,102,103,107,110,111,112,113,114,116,118,119,121,124,125,128,130,131,139,149,152,161,163,165,167],dynam:[11,18,51,82,93,113,122,163,167],e:[0,2,3,4,5,6,7,12,14,15,17,18,20,21,23,37,50,53,58,61,62,63,64,65,66,68,69,70,71,72,74,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,140,141,142,149,150,152,153,154,155,156,158,159,161,162,163,164,166,167],each:[0,2,3,7,9,10,13,14,15,16,17,18,19,20,21,24,25,26,27,28,29,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,140,141,142,149,150,152,153,154,155,156,157,158,159,161,164,165,166,167],eagerli:58,ealier:2,earli:[18,19,99,102,110,111,112,118,124,125,128,130,165],earlier:[2,3,19,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],earliest:142,early_stop:[19,99,102,110,111,112,113,118,124,125,128,130],early_stop_threshold:[99,102,110,111,112,118,124,125,128,130],early_stopp:[18,165],early_stopping_arg:19,earlystop:[18,19,99,102,110,111,112,113,118,124,125,128,130,165,167],earth:3,eas:54,easi:[2,15,17,18,20,58,159],easier:[13,15,53,159],easili:[0,2,3,20,21,61,62,63,64,65,66,67,68,69,70,71,72,142,158,159],ecg:73,edit:20,edu:73,effect:[5,9,13,14,19,46,54,62,63,70,79,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,150,153,156],effici:[4,55,61,62,63,64,65,66,68,69,70,71,72,152,167],eg:[114,164],egypt:114,eia:73,eight:73,either:[3,4,16,17,18,21,23,31,32,35,36,37,53,54,58,61,62,63,64,65,66,67,68,69,70,71,72,73,79,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,149,150,152,154,155,156,157,159,161,162,166,167],elaps:[15,136],elapsed_tim:15,elapsed_times_2:15,elapsed_times_3:15,elapsed_times_4:15,electr:[1,2,21,73],electricityconsumptionzurichdataset:[21,73],electricitydataset:[2,18,73],electricityloaddiagrams20112014:73,elem:55,element:[13,20,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,63,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,154,157,159,167],elementwis:[3,38,46],elementwise_affin:87,elif:113,elimin:[13,67],els:[14,18,57,82,113,134,136,155,157,165],elsewher:[12,163],email:[0,158],emb:[16,17],embed:[7,16,85,125,126,161],embedding_s:16,emit:[29,33,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,138,139,140,141],empir:[69,126,163],emploi:[18,61,62,63,64,65,66,67,68,69,70,71,72],empti:[53,71,79,106,123],en:[39,46,47,49,67,93,99,102,110,111,112,113,115,118,124,125,128,130,131,134,149,150],enabl:[13,54,61,62,63,64,65,66,67,68,69,70,71,72,82,99,102,108,110,111,112,113,118,124,125,128,130,131,134,136,152,155,167],enable_graph:113,enable_metadata_rout:153,enable_optim:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],enable_prediction_bar:136,enable_progress_bar:[15,165],enable_sanity_check_bar:136,enable_train_bar:136,enable_train_bar_onli:[2,6,8,9,10,136],enable_validation_bar:136,encapsul:[3,153],encod:[5,6,9,10,12,14,18,20,21,51,71,77,79,80,89,95,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,130,131,132,134,155,165],encode_futur:58,encode_infer:[57,58],encode_past:58,encode_train:[57,58],encode_train_infer:[57,58],encode_year:[96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132],encoder_bas:[57,58],encoder_id:58,encoder_import:77,encoder_kw:58,encoder_map:58,encoding_n_compon:[57,58],end:[5,7,9,10,13,14,15,19,20,21,55,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,142,150,152,155,156,157,159,161,167],end_column0:55,end_dat:21,end_t:134,end_tim:[13,14,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142],end_valu:[3,9,10,64,69,155],endian:53,energi:[18,21,73,167],energydataset:[4,6,8,9,10,73,167],enforc:[72,80,85,86,87,89,99,100,102,106,108,109,110,111,112,113,115,117,118,124,125,128,130,132,134,142,150,156],engin:8,england:73,enhanc:134,enjoi:164,enlarg:53,enough:[2,15,53,99,100,102,108,109,110,111,112,113,115,117,118,124,125,128,130,132,138,140,141,161,163,167],ensembl:[0,24,95,98,103,115,158,161],ensemble_hist_fct:20,ensemble_model:[20,98,103,116,159],ensemble_probabilist:20,ensemble_sklearn_aggreg:27,ensemblemodel:[20,98,103,116,161],ensemblesklearnaggreg:27,ensur:[6,13,21,31,32,57,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,140,141,150,156,167],enter:113,entir:[2,14,15,21,39,47,49,53,55,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,161,167],entiti:166,entri:[0,6,53,85,86,87,89,110,111,113,134,150,155,156,158,159],enumer:[13,15,16,21,85,86,87,89,113,117,144,150,156,157,159],env:[17,85,86,87,89,150,156],environ:[0,15,113,158,159,161,164],ep:87,epistem:163,epoch:[2,9,15,19,99,102,110,111,112,113,118,124,125,128,130,136,159,163,164,167],epoch_mean:[113,136],epochs_train:[99,102,110,111,112,113,118,124,125,128,130],epsilon:87,equal:[16,31,32,39,47,49,50,53,55,57,58,61,63,64,65,69,78,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,153,155,159],equilibrium:11,equiv:53,equival:[0,53,63,85,86,87,89,113,127,149,150,156,158,161],error:[0,2,4,11,13,15,17,20,21,53,59,67,69,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,134,140,141,142,149,150,153,156,158,161,165],es:142,esp:15,especi:[4,14,18,19,78,142,159,163],essenti:[15,149],establish:[8,19],estim:[0,11,12,15,21,40,41,42,43,44,45,69,93,101,110,111,124,125,128,149,153,154,158,159,163,164],estimators_:21,et:[5,7,15,87,99,102,110,111,112,113,121,124,125,128,130,149,154,161],etc:[2,4,15,17,18,53,85,86,87,89,99,102,105,110,111,112,113,118,124,125,128,130,142,150,156,159,163,164,166,167],etdataset:73,ets_smap:15,ets_smapes_m3:15,ets_tim:15,ets_time_m3:15,etth1dataset:73,etth2dataset:[0,73,131,158],ettm1dataset:73,ettm2dataset:73,european:101,eval:[17,85,86,87,89,113,150,156],eval_accuraci:[25,26,27,28,29,31,32,33,34,35,36,39,47,48,49],eval_accuracy_from_binary_predict:50,eval_accuracy_from_predict:[37,38,39,40,41,42,43,44,45,46,47,48,49],eval_accuracy_from_scor:50,eval_backtest:14,eval_forecast:15,eval_global_model:15,eval_local_model:15,eval_model:[5,7,14,18,159],eval_set:153,evalu:[0,2,5,7,13,16,18,19,25,26,27,28,31,32,53,54,58,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156,158,165,167],even:[2,12,14,15,20,21,33,53,59,102,127,134,142,149,159,161,164,166],evenli:73,event:[85,87,149],everi:[5,6,13,16,31,32,33,50,55,61,62,63,64,65,66,67,68,69,70,71,72,73,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,150,155,156,159,167],everyth:[0,3,15,134,157,158,167],evid:162,ewm:[72,134],ewm_mean_comp_1:134,ewz_stromabgabe_netzebenen_stadt_zuerich:73,exact:[13,21,54,61,62,63,64,65,66,67,68,69,70,71,72,142,152,163],exact_align:13,exactli:[12,13,14,53,73,85,86,87,89,113,134,138,150,156,159,163],examnpl:21,exampl:[6,9,10,11,15,19,20,37,53,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,142,149,150,154,156,160,163,164,165,166],example_imag:113,example_input:113,example_input_arrai:113,exce:155,except:[2,3,6,8,9,10,15,17,19,53,72,74,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,143,150,152,153,156,159,161,163],exchang:73,exchangeratedataset:73,exclud:[3,72,134,157,159],exclus:[116,134],execut:[15,18,54,85,86,87,89,113,136,150,156,159,164,167],exercis:159,exhaust:[119,120,121,122],exhibit:[2,8,53],exist:[2,3,53,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,142,150,153,155,156,157,162,164,165,166,167],exit:167,exlainability_result:14,exlained_fc:77,exogen:[96,142],exp:[4,11,105,159],expand:[8,72,85,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134],expand_dim:16,expanding_sum_3_comp_2:134,expans:110,expansion_coefficient_dim:[2,8,15,110],expect:[14,16,17,20,37,38,39,40,41,42,43,44,45,46,47,48,49,53,65,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,153,155,156,159,161,163,166],expens:[13,53,100,108,109,115,117,132,140,141],experi:[17,18,113,165,166],experiment:[0,12,158,164,166],expl_result:79,explain:[0,2,22,76,80,158],explain_result:[77,78,79],explainability_result:[14,77],explained_compon:77,explained_forecast:77,explan:[14,53,76,77,78,79,85,86,87,89,113,150,156,161,163],explicit:159,explicitli:[4,15,57,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],explod:19,exploit:[0,15,18,158,159,166],explor:[15,18],expon:124,exponenti:[0,4,5,11,15,18,37,73,95,99,102,105,110,111,112,118,120,124,125,127,128,130,134,149,157,158,159,163],exponential_distribut:149,exponential_smooth:104,exponentiallikelihood:[149,159],exponentiallr:[19,167],exponentialnllscor:41,exponentialsmooth:[0,3,4,5,7,9,15,20,95,104,121,158,159,161,163],export_param:113,expos:[53,163,166],express:[9,55,85,87,138,164],expsinesquar:12,extend:[13,55,77,98,99,100,102,108,109,110,111,112,113,115,117,118,124,125,128,130,132,134,155,161],extens:[0,21,96,97,113,117,158],extent:[130,159],extern:[0,2,16,21,134,142,158,161,163],extra:[18,72,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,150,156,159,161],extra_repr:[85,86,87,89,113,150,156],extract:[2,3,13,14,15,57,58,61,62,63,64,65,66,67,68,69,70,71,72,79,80,106,134,142,149,154,159,161,167],extract_subseri:151,extract_trend_and_season:154,extract_year:159,extreme_lag:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],ey:53,f1:[25,26,27,28,33,34,35,36,50],f:[2,3,14,16,17,18,20,21,53,66,73,106,164,165],f_contigu:53,f_test:154,fa:53,fabric:113,fac:53,facebook:95,facilit:67,fact:[2,3,15,18,159,166],factor:[111,114,167],factori:[17,134,159,166],fail:[4,15,17,20,53,73,74,82],failur:[18,149],fairli:[11,159],fall:[80,82,167],fallback:80,fallback_future_covari:80,fallback_horizon:80,fallback_past_covari:80,fallback_seri:80,fallback_target_compon:80,falmanforecast:20,fals:[2,5,6,7,8,9,10,13,14,15,18,19,20,21,31,32,37,39,46,47,49,53,54,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,134,136,141,142,150,152,153,154,155,156,159,164,165],fame:162,famili:[163,164],familiar:1,far:[20,99,100,102,108,109,110,111,112,113,115,117,118,124,125,128,130,132,159,161],farrai:53,fashion:[2,9,15,99,102,110,111,112,118,124,125,128,130,167],fast:[0,18,95,158,161],fastai:126,faster:[0,3,15,53,78,97,119,121,142,158,163],fat:149,favor:[2,20,85,86,87,89,113,150,156],favorit:[0,158],fc:[57,58,110,111],featur:[2,8,14,15,16,20,21,58,71,72,73,77,78,79,85,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,134,142,153,155,159,162,163,167],feature_rang:[3,70,71],feature_valu:[77,78],features_cols_nam:142,fed:[8,61,62,63,64,65,66,67,68,69,70,71,72,96,97,99,101,102,107,110,111,112,114,118,119,121,124,125,128,130,131],feder:73,feed:[2,3,4,85,89,99,102,110,111,112,118,124,125,128,130],feed_forward:[14,85,125],feedforward:[85,125,130],feel:[0,158,162],fetaur:14,fever:73,few:[15,17,18,19,21,73,155,159,161,165,166],ff:85,ffn:[85,89,125,130],fft:[0,1,95,105,158,161],fid:53,field:[53,73,85,86,87,89,113,150,156],fifth:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],fig:[2,19],fig_siz:[13,79,154],fig_width:13,figsiz:[2,5,6,7,8,9,10,11,12,13,14,15,17,18,19,20,159,163],figur:[0,2,5,6,7,8,9,10,11,12,13,14,15,17,18,20,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,54,79,134,154,158,159,161,163,166,167],file:[4,13,15,21,53,74,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,134,159,163],file_nam:[99,102,110,111,112,118,124,125,128,130],file_path:113,filenam:53,fileno:53,filepath_or_buff:134,filesystem:163,fill:[0,3,8,17,53,67,68,72,73,92,105,134,135,154,158,159],fill_:[85,86,87,89,113,150,156],fill_missing_d:134,fill_missing_valu:[4,6,9,10,13,105,151,159],fill_nan:154,filler:[3,8,60],fillna_valu:134,filter:[0,13,15,18,20,23,29,37,83,91,92,94,95,105,124,158,162],filter_fit_kwarg:31,filter_kwarg:31,filtered_i:11,filtered_seri:159,filtered_t:11,filtered_x:[11,12],filtered_x_missing_sampl:12,filtered_x_sampl:12,filtering_am:31,filtering_model:[91,92,93,94],filteringanomalymodel:[23,29,31],filteringmodel:[11,12,91,92,93,94],filterwarn:[2,3,4,5,6,7,8,9,10,14,15,16,19,20],find:[1,4,14,15,16,18,20,21,39,53,62,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,159,160,161,163],find_list_index:139,find_shared_tim:142,find_time_overlap_bound:142,finder:136,fine:[15,19,53,99,102,110,111,112,118,124,125,128,130,159],finetun:[85,86,87,89,113,150,156],finish:73,fire:[85,86,87,89,113,150,156],first:[0,2,3,4,5,7,8,13,14,15,16,17,18,21,32,38,39,40,41,42,43,44,45,46,47,48,49,53,57,59,61,62,63,64,65,66,68,69,70,71,72,78,79,80,82,85,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,142,152,154,155,157,158,159,163,164,165],first_order_diff:63,first_seri:16,first_valu:134,fit:[0,2,3,4,5,6,7,8,9,10,11,12,14,15,16,17,18,19,20,21,25,27,29,31,32,33,34,35,37,39,47,48,49,53,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,76,78,79,80,85,87,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,142,143,149,151,153,154,158,161,162,163,164,165,166,167],fit_and_pr:2,fit_cal:[57,58],fit_detect:[34,35],fit_from_dataset:[2,99,102,110,111,112,113,118,124,125,128,130,143,167],fit_from_predict:[37,39,47,48,49],fit_intercept:[116,159],fit_kwarg:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],fit_param:[64,69,153],fit_transform:[2,3,5,6,7,8,9,10,14,15,16,18,19,20,57,59,61,62,63,64,65,67,69,70,71,159,163,164,165,167],fittabl:[31,32,59,60,61,69],fittable_data_transform:[62,63,64,67,69,70,71],fittableaggreg:[25,27],fittableanomalyscor:[39,47,48,49],fittabledatatransform:[57,58,61,62,63,64,65,66,67,68,69,70,71,72],fittabledetector:[34,35],fitted_valu:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],fivethirtyeight:73,fix:[0,2,3,4,5,6,7,8,9,13,14,16,18,19,20,21,53,61,62,63,64,65,66,68,69,70,71,72,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,158,161,165,167],fix_import:163,fix_param:[64,69],fix_pythonpath_if_working_loc:[2,3,4,5,6,7,8,9,10,13,14,16,19,20,21],flag:[26,28,35,36,53,99,102,110,111,112,113,118,124,125,128,130,152],flat:53,flatit:53,flatten:[2,20,53,67,110,111],flavour:[0,158,159],fledg:[0,158],flew:15,flexibl:[72,134,159],float16:[85,86,87,89,150,156],float32:[7,8,9,14,15,18,53,113,134,155,159,164,165,167],float64:[53,85,86,87,89,134,150,155,156],float_:53,floor:114,florian:15,flu:73,fluctuat:13,fluportaldashboard:73,fluview:73,fluviewphase2quickreferenceguid:73,fn:[3,66,85,86,87,89,113,134,150,156],fnc:53,focu:161,foil:73,folder:[99,102,110,111,112,118,124,125,128,130,167],follow:[0,2,4,5,6,7,8,9,13,14,15,17,18,20,21,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,57,58,71,72,73,77,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,138,140,141,142,150,152,156,158,159,161,163,164,166,167],font:13,fontsiz:13,forc:[21,53,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],force_col_wis:15,force_plot:78,force_plot_from_t:[21,78],force_reset:[2,5,6,7,8,9,10,18,19,99,102,110,111,112,118,124,125,128,130,164,165],force_row_wis:15,forecast:[1,3,5,6,7,8,9,10,19,23,29,37,57,58,67,69,72,73,76,77,78,79,80,82,83,87,96,97,98,99,100,101,102,103,104,105,106,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,134,138,139,142,152,155,160,162,164,165,166],forecast_dict:88,forecast_horizon:[2,5,6,7,8,9,10,14,20,32,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159],forecast_horizon_ic:14,forecast_rnn:2,forecast_typ:8,forecast_varima:2,forecasting_am:32,forecasting_model:[20,96,97,98,101,103,104,105,106,107,114,116,117,119,120,121,122,127,131,159,163],forecasting_saf:[72,134],forecastinganomalymodel:[23,29,32],forecastingmodel:[11,12,32,58,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163],foreground:[14,77,78,79,80],foreground_future_cov:21,foreground_future_covari:[21,77,78,79],foreground_past_covari:[77,78,79],foreground_seri:[21,77,78,79],foreground_target:21,foreign:73,forest:[15,95,117],forev:113,forg:159,forget:2,fork:[110,111],form:[2,13,23,24,39,53,55,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,113,114,134,142,150,153,156,159,162,166],format:[1,2,3,5,7,8,14,15,17,18,53,57,58,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156,159,166],format_tim:74,former:[53,65,85,86,87,134,150,156],formula:[126,152,154],fortran:53,fortun:[3,13,18,159],forum:[99,102,110,111,112,113,124,125,128,130],forward:[85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,141,150,156,159,167],forward_pr:[85,86,87,89,113,150,156],forwardref:134,found:[12,13,37,53,72,85,86,87,89,93,99,102,110,111,112,113,118,124,125,128,130,134,150,155,156,165,167],four:[53,69,85,134,154,164],fourier:[0,95,114,158,161],fourier_ord:114,fourth:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],fourtheta:[0,95,122,127,158,161],fpp2:[62,63,142],fpp3:69,fpp:73,frac:[82,98,150,153],fraction:[89,99,118,125,130,134,159,167],frame:[17,113,134],frameon:[15,17],framework:[15,18],francesco:[0,158],francisco:73,free:[0,21,32,37,39,47,48,49,53,85,87,113,126,136,158,162],freedom:[134,154,159],freewai:73,freez:[85,86,87,89,113,150,156],freeze_support:164,freq:[2,5,13,14,15,16,21,67,74,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,154,155,162],freq_str:[5,134],frequenc:[2,4,9,13,18,21,67,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,154,155,166,167],frequent:[159,160],friendli:[0,158,166],from:[0,2,3,4,5,6,7,8,9,10,11,13,14,15,17,18,19,20,21,23,24,29,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,143,149,150,152,153,154,155,156,157,158,159,160,161,162,163,164,165,167],from_:16,from_csv:[134,159],from_datafram:[0,6,8,9,10,17,134,158,159,166],from_dict:19,from_group_datafram:[15,134],from_json:134,from_pickl:134,from_seri:[13,14,134,159],from_times_and_valu:[14,15,16,134,159,166],from_valu:[11,12,16,59,64,66,68,69,71,134,159,166],from_xarrai:[134,159],frombuff:53,fromfil:53,frozen:113,frustrat:3,fsdp:113,fulfil:161,full:[2,6,15,53,67,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,159,166],full_attent:[14,125],fuller:154,fulli:[0,2,5,16,21,59,85,86,87,89,99,110,111,113,118,125,128,130,150,156,158],fun:[15,19,99,102,110,111,112,118,124,125,128,130],func:[61,69,82,125],function_nam:[72,134],functionn:[20,160],funtion:4,furnish:[85,87,126],further:[2,13,15,18,20,21,53,61,62,63,64,65,66,67,68,69,70,71,72,82,114,142,161],furthermor:[2,3,4,78,110,111,159,162,163,166,167],fusion:[0,75,95,126,158,159],futcov:[100,108,109,115,117,132,142],futur:[0,5,6,9,16,17,18,20,21,32,53,57,58,72,77,78,79,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,138,139,140,141,142,144,150,156,158,159,160,163,167],future_compon:58,future_cov:[20,77,78,96,97,100,102,107,108,109,112,114,115,117,118,119,121,125,128,131,132],future_covari:[2,5,9,14,16,20,21,32,58,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,139,140,141,142,143,159,161,163,167],future_covariates_pr:161,future_covariates_train:161,future_covariates_v:167,future_encod:58,future_past:144,future_past_covari:[113,139],future_target:[138,140,141,143],future_transform:58,futurecallableindexencod:58,futurecovari:143,futurecovariatesindexgener:[57,58],futurecovariatesinferencedataset:139,futurecovariateslocalforecastingmodel:[97,101,114,119,121],futurecovariatesmodel:141,futurecovariatessequentialdataset:140,futurecovariatesshifteddataset:141,futurecovariatestorchmodel:[129,143,167],futurecovariatestrainingdataset:[140,141,143],futurecyclicencod:58,futuredatetimeattributeencod:58,futureintegerindexencod:58,futuretarget:141,futurewarn:17,g:[2,3,12,15,17,18,21,23,37,53,58,61,69,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,152,153,154,155,156,161,162,163,166,167],ga:73,gain:[13,20,143,167],gal:163,game:21,gamma:[19,37,149,167],gamma_distribut:149,gammalikelihood:149,gammanllscor:42,gan:[85,86,87,89,113,150,156],gap:[20,21,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,151],gasolin:73,gasrateco2dataset:73,gate:[14,85],gatedresidualnetwork:[14,125],gather:113,gaussian:[9,11,18,37,85,90,100,149,155,156,163],gaussian_process:[12,92,159],gaussian_process_filt:92,gaussian_timeseri:[2,9,10,11,12,155,163],gaussianlikelihood:[9,10,18,149,165],gaussiannllscor:43,gaussianprocessfilt:[0,12,92,158,159],gaussianprocessregressor:[12,92],gb:167,gca:13,gcp:164,geglu:[86,125,130],gelu:[85,86,125,130],gener:[0,6,9,10,11,12,15,16,17,20,21,31,32,37,39,46,47,48,49,50,53,57,58,67,70,71,73,76,77,78,79,85,88,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,135,136,141,142,149,152,153,154,158,159,160,161,162,164,166],generate_fit_encod:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],generate_fit_predict_encod:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],generate_index:155,generate_inference_idx:[57,58],generate_predict_encod:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],generate_torch_kwarg:[2,6,8,9,10],generate_train_idx:[57,58],generate_train_inference_idx:57,generic_architectur:[2,8,15,110],genericinferencedataset:139,genericshifteddataset:141,geometr:149,geometric_distribut:149,geometriclikelihood:149,geq:82,germani:73,get:[0,1,2,4,6,9,10,14,15,16,17,18,19,20,21,53,54,67,77,106,113,125,130,143,153,158,159,162,164,167],get_attent:[14,77,79],get_buff:[85,86,87,89,113,150,156],get_component_nam:80,get_decoder_import:[14,77],get_embedding_s:126,get_encoder_import:[14,77],get_explan:[77,78],get_extra_st:[85,86,87,89,113,150,156],get_feature_import:[77,79],get_feature_valu:[77,78],get_fram:17,get_index_at_point:134,get_legend:13,get_matric:69,get_metadata_rout:153,get_metr:136,get_model_param:16,get_multioutput_estim:[100,108,109,115,117,132],get_param:[21,153],get_paramet:[85,86,87,89,113,150,156],get_projection_matrix:69,get_shap_explanation_object:[77,78],get_shared_tim:142,get_shared_times_bound:142,get_single_seri:157,get_standard_metr:136,get_static_covariates_import:[14,77],get_submodul:[85,86,87,89,113,150,156],get_timestamp_at_point:134,getfield:53,getsizeof:53,getter:53,ghahramani:163,gi:73,gist:132,github:[0,1,20,21,73,108,114,126,132,158,162],githubusercont:15,gitter:[0,158],giuliano:[0,158],give:[2,14,15,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,78,79,99,102,110,111,112,113,118,124,125,128,130,136,142,159,161,162,163,167],given:[2,3,7,13,14,15,20,21,25,26,27,28,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,82,85,86,87,89,91,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,149,150,151,153,155,156,159,161,163,167],global:[0,4,16,18,20,64,69,71,73,85,86,87,89,100,105,108,109,113,115,117,132,134,142,150,156,158,160],global_compon:16,global_fit:[62,63,64,67,69,70,71],global_rank:113,global_step:113,globalforecastingmodel:[0,20,95,98,103,116,117,158,163],glu:[85,86,125,130],glu_vari:[86,89],go:[2,15,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,141,152,154,159,161,164,166,167],goal:[7,15],goe:[19,61,62,63,64,65,66,68,69,70,71,72,113,141],gomez:130,good:[0,1,2,11,15,17,18,20,21,53,99,102,110,111,112,113,118,124,125,126,128,130,158,159,161,162,163,165,167],googl:[162,164],googleapi:164,got:[18,136],gov:[15,73],gpf:[12,159],gpf_miss:12,gpu1:[85,86,87,89,150,156],gpu:[0,15,18,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,150,156,158,159,160,165],gpu_bas:[99,102,110,111,112,118,124,125,128,130],gpu_transform:113,grace_period:165,grad:[85,86,87,89,113,150,156],grad_input:[85,86,87,89,113,150,156],grad_output:[85,86,87,89,113,150,156],gradient:[13,19,78,85,86,87,89,108,113,132,149,150,156],gradient_clip_algorithm:113,gradient_clip_v:[19,113],grai:11,grain:159,granger:154,granger_causality_test:154,grangercausalitytest:154,grant:[4,9,85,87,126],granular:17,graph:[113,161],grasp:73,great:[2,15,16,18,113,159,165],greater:[13,20,53,73,116,134,142],greedi:152,green:[13,15,21],grei:17,grid:[18,21,54,55,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],gridsearch:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,160],grosch:[0,15,158],ground:[19,20,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,156],group:[15,17,69,73,113,134,142,166],group_col:[15,16,134],groupbi:[6,8,9,10,15],grow:130,growth:114,gru:[0,5,99,118,158,161],gt:[2,3,5,6,8,9,10,11,12,14,15,17,19,20,21],gtz:55,guarante:[19,72,85,86,87,89,113,134,150,156,166],guesswork:[99,102,110,111,112,118,124,125,128,130],guid:[0,21,53,134,153,158,159,163,164],guidelin:[0,158,162],guillaum:[0,15,158],gumbel:149,gumbel_distribut:149,gumbellikelihood:149,gusset:[0,158],gzipfil:53,h:[6,16,21,98,101,114,134,138],h_0:154,h_n:[99,118],ha:[0,2,4,5,6,7,9,11,13,14,15,16,18,19,21,31,32,39,47,48,49,50,53,57,58,62,70,73,77,78,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,140,141,142,150,153,154,156,158,159,161,163,164,166,167],had:[11,16,18,21,53,96,131,159],half:[2,73,85,86,87,89,113,149,150,156],halfnormallikelihood:149,halv:16,hand:[15,17,163,166],handi:15,handl:[2,3,14,16,21,37,58,67,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,150,156,160,164,166],hankel:93,happen:[2,15,21,61,62,63,64,65,66,67,68,69,70,71,72,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,139,149,159,164],happi:[159,162],hard:[7,159],harder:[3,18,149],hardwar:[53,113,164],has_dataloader_chang:136,has_datetime_index:134,has_hierarchi:134,has_range_index:134,has_same_time_a:134,has_static_covari:[16,134],hash:74,hat:[82,98,150],have:[0,1,2,3,4,6,8,9,10,12,13,14,15,16,17,18,20,21,25,27,32,35,36,37,39,47,49,50,53,55,57,58,61,62,63,64,65,67,69,70,71,72,77,78,80,82,85,86,87,89,91,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,140,141,142,143,149,150,152,153,154,155,156,157,158,159,161,162,163,164,165,166,167],haven:[15,18],head:[7,14,62,63,79,125,130,134,167],header_tim:74,healthcar:73,heapsort:53,hear:159,heart:[73,166],heartratedataset:73,heat:[14,79],heater:[14,73],heatmap:[14,54,79],heavili:[2,20],heavisid:11,height:55,help:[3,14,15,16,18,19,21,85,86,87,89,113,134,142,150,152,156,159,161,162,167],helper:[13,15,16,54,61,62,63,64,65,66,68,69,70,71,72,80,133,142],henc:[61,62,63,64,65,66,68,69,70,71,72,149,159],here:[0,1,2,3,4,12,13,14,15,16,17,18,19,21,69,79,93,96,97,98,99,101,102,103,107,110,111,112,113,114,116,118,119,121,123,124,125,128,130,131,134,136,142,155,158,159,160,161,163,164,165,167],herebi:[85,87,126],herzen:[0,15,158],heteroscedast:149,hex:53,hi:19,hidden:[5,85,93,99,118,125,161],hidden_continuous_s:[14,125],hidden_dim:[2,5,9,99,118,164],hidden_fc_s:[2,99],hidden_s:[14,99,125,128],hierarch:[0,60,73,111,113,134,158,160],hierarchi:[0,61,64,65,69,134,158,166],high:[7,13,14,18,67,73,123,131,159,164,167],high_q:14,high_quantil:[0,9,10,14,35,134,158,159],high_threshold:[35,36],higher:[9,14,15,37,53,67,118,142],highest:[4,134],highest_q:14,highli:[4,5,14,130],highlight:[14,134,154,159],hint:89,hist:[15,73],hist_fct:20,histogram:[154,159],histor:[0,2,5,6,8,9,10,14,17,32,35,37,69,77,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,139,158,161,167],histori:[2,6,14,15,18,21,33,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,163],historic_futur:144,historic_future_covari:[113,139,140,141,143],historical_fcast_:159,historical_fcast_theta:159,historical_forecast:[2,5,6,7,8,9,10,14,20,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159],hit:[0,95,158],hobijn:154,hol:[17,73],hold:[20,53,113,161,166,167],holder:[85,87],hole:[134,159],holidai:[2,17,18,114,131,134,155,159,163],holidays_timeseri:[97,131,155],holt:104,holtwint:[17,104],hood:[20,21,58,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,163,167],hook:[85,86,87,89,113,136,150,156,167],hope:[15,16,18],hopefulli:[7,159],horizon:[2,5,7,8,14,15,18,21,32,57,58,77,78,79,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,137,139,152,159,161,163,167],horizon_based_dataset:138,horizonbaseddataset:[2,138],horizonbasedexplainabilityresult:77,host:[85,86,87,89,150,156],hot:[6,9,10,16,134,155],hour:[2,16,18,21,58,73,79,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,155,159,167],hourli:[8,21,58,73,114],household:[21,73],how:[1,2,3,4,5,6,7,8,9,11,12,13,14,15,16,17,18,19,21,29,31,32,34,35,36,37,39,47,49,50,53,54,58,61,62,63,64,65,66,67,68,69,70,71,72,79,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,153,156,159,160,162,163,165,166],howev:[2,4,13,18,20,35,36,53,67,85,86,87,89,99,102,110,111,112,113,114,118,124,125,128,130,142,149,150,156,161,162,167],hpa:73,hparam:113,hparams_fil:113,hparams_initi:113,hparams_nam:113,hparams_typ:113,hpu:[15,159],hr:73,htm:73,html:[0,27,46,58,62,63,67,69,73,93,99,102,110,111,112,114,118,123,124,125,128,130,134,142,154,155,158,164],http:[0,8,9,10,15,19,27,39,46,47,49,58,62,63,67,69,73,85,93,96,99,102,108,110,111,112,113,114,115,118,120,121,122,123,124,125,126,127,128,130,131,132,134,138,142,149,150,154,155,156,158,164],hufl:[73,131],huge:[3,113],huge_number_of_seri:3,huguenin:[0,158],hull:73,humid:73,hydro:[6,8,9,10],hyndman:[3,17],hyndsight:150,hyper:[1,15,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163,167],hyper_paramet:113,hyperband:165,hyperparamet:[2,7,18,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,160,167],hyperparametersmixin:113,hypothesi:154,i0:54,i1:[53,54],i2:[53,54],i8:53,i9:167,i:[0,4,5,6,7,13,14,15,16,17,18,20,50,53,54,55,61,62,63,64,65,66,67,68,69,70,71,72,74,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,140,141,142,149,150,152,154,156,158,159,162,163,164],i_:82,ic:[73,167],icbest:154,ice_cream_sal:167,ice_cream_sales_train:167,ice_cream_sales_v:167,icecreamheaterdataset:[14,73],id:[16,99,102,110,111,112,113,114,118,124,125,128,130,161,166],idea:[2,3,9,15,18,20,29,159,162,167],ideal:[11,167],idempot:113,ident:[9,13,16,49,57,65,82,134,142,167],identif:[0,15,107,154,158,159],identifi:[16,20,26,28,36,58,136,161],idx:[15,21,58,77,78,80,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,150,156,159],ie:[66,164],ignor:[2,3,4,5,6,7,8,9,10,14,15,16,19,20,21,53,54,55,57,62,69,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,153,156],ignore_static_covari:134,ignore_time_axi:134,ignore_w:[85,86,87,89,150,156],iid:49,ili:73,ilinetdataset:73,ilitot:73,ill:73,illia:130,illustr:[2,58,159],imag:[53,113],imagin:[53,161,167],imaginari:53,immedi:[85,86,87,89,113,140,150,156],immut:[113,166],impact:[18,21,150,167],implemenet:[61,62,63,64,65,66,67,68,69,70,71,72],implement:[0,2,3,12,21,39,49,53,57,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,93,96,97,98,99,100,101,102,107,108,110,111,112,113,115,116,118,119,121,123,124,125,126,127,128,130,131,132,136,143,150,156,158,159,160,162,167],impli:[61,62,63,64,65,66,68,69,70,71,72,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],implicit:[99,102,110,111,112,118,124,125,128,130],importantli:[2,142,159],impos:12,impract:18,impress:20,improv:[2,11,16,18,19,20,21,99,102,105,107,110,111,112,113,118,123,124,125,127,128,130,134,156,159,161,164,167],imshow:54,in_featur:[85,86,87,89,113,150,156],in_len:[15,18,102,112,165],inbetween:16,incl:[0,140,158],includ:[2,4,5,14,16,18,19,21,53,58,61,62,63,64,65,66,68,69,70,71,72,73,77,79,85,86,87,89,96,99,100,102,105,110,111,112,113,114,117,118,123,124,125,126,128,130,131,134,138,139,140,141,143,149,150,154,156,157,161,164,167],include_curr:[72,134],include_dayofweek:18,include_year:165,inclus:[100,117,134],incompat:53,incompatible_kei:[85,86,87,89,113,150,156],incomplet:3,incomplete_seri:3,inconsist:73,incorpor:[4,14],incorrect:89,incorrectli:[154,162],increas:[2,7,11,12,13,17,21,53,54,59,61,62,63,64,65,66,67,68,69,70,71,99,102,105,107,110,111,112,118,124,125,128,130,134,155,167],increment:153,incur:[18,99,102,110,111,112,118,124,125,128,130,167],inde:11,independ:[21,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,53,62,63,64,69,70,78,142,149,155,159,161],index:[2,5,6,8,9,10,13,14,15,16,17,19,32,53,54,55,57,58,67,73,77,78,79,80,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,152,155,157,158,159,166],index_gener:[57,58],indexerror:15,india:114,indic:[13,14,18,25,26,27,28,29,31,32,33,34,35,36,37,39,47,49,50,53,54,71,73,79,82,96,97,101,105,107,110,114,119,121,123,124,131,134,142,153,154,155,157,159,163],indirect:[53,78],individu:[14,15,16,20,53,58,62,63,64,67,69,70,71,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,149,150,156,159,164],indiviu:164,indonesia:114,induc:149,industri:[18,162],ineffici:[152,154],inf:[18,53,58,136,150,159,165],infer:[0,11,15,18,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,82,85,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,137,154,158,167],inference_dataset:139,inferencedataset:[99,102,110,111,112,113,118,124,125,128,130,139],infin:53,infinit:136,influenc:[78,153],influenzalik:73,info:[0,15,99,102,110,111,112,118,124,125,128,130,134,158,163],inform:[2,3,9,11,12,16,17,18,19,21,53,58,61,62,63,64,65,66,67,68,69,70,71,72,77,79,85,86,87,89,93,99,100,102,108,109,110,111,112,113,114,115,117,118,120,124,125,128,130,132,134,150,153,154,155,156,159,160,161,163,165,167],ing:[61,62,63,64,65,66,67,68,69,70,71,72],inherit:[2,21,53,61,62,63,64,65,66,68,69,70,71,72,98,103,113,143,167],init:[85,86,87,89,113,150,156,163],init_modul:113,init_predict_tqdm:136,init_s:55,init_sanity_tqdm:136,init_test_tqdm:136,init_train_tqdm:136,init_validation_tqdm:136,init_weight:[85,86,87,89,113,150,156],initi:[6,13,15,18,20,53,55,61,64,65,69,78,85,86,87,89,93,99,102,110,111,112,113,118,123,124,125,128,130,150,156],initialize_distribut:113,initj:21,inlin:[2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,159],inner:[20,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,58,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159],inplac:[53,85,86,87,89,113,150,156],inpt:150,input:[0,2,3,5,6,7,8,9,10,11,14,15,16,19,20,24,25,26,27,28,29,31,32,33,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,76,77,78,79,80,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,143,150,152,153,156,157,158,159,160,161,163,165,166],input_chunk:139,input_chunk_length:[2,5,6,7,8,9,10,14,15,16,18,19,20,57,58,77,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,139,140,141,159,161,163,164,165,167],input_chunk_length_ic:14,input_covari:141,input_dim:87,input_s:[87,152],input_sampl:113,input_seri:149,input_series_dataset:[99,102,110,111,112,118,124,125,128,130],input_timeseri:113,input_typ:80,inquiri:[0,158],insampl:82,insert:[3,53,61,62,63,64,65,66,67,68,69,70,71,72,113],insid:[53,99,102,110,111,112,118,124,125,128,130,142,153],insight:[18,21],insignific:159,inspect:[4,18,113],inspir:[2,9,20,121,124,132,138],instal:[15,18,21,108,113,162,164,167],instanc:[0,2,6,15,16,17,18,19,20,32,33,49,53,54,57,58,61,62,63,64,65,66,68,69,70,71,72,77,78,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,141,143,149,150,153,154,155,156,158,159,161,162,163,166,167],instanci:20,instantan:73,instanti:[2,14,58,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,167],instantli:113,instead:[0,2,3,4,5,12,13,14,15,17,18,20,21,53,61,62,63,64,65,66,68,69,70,71,72,78,79,85,86,87,89,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,152,153,156,157,158,159,165,166,167],instruct:[0,108,158,164],int16:53,int32:53,int64:[59,64,66,68,69,134],int64index:17,int8:53,int_:53,int_typ:53,integ:[2,14,15,16,20,25,26,27,28,32,34,35,36,37,50,53,57,58,71,72,73,78,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,154,155,157,159,166],integerindexencod:58,integr:[18,21,85,86,87,89,96,131,150,156,159,163,164,165],intel:167,intellig:161,intend:[53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,166],intens:[3,9,21],inter:130,inter_reduct:[17,82,159],interact:[2,4,53,164],interchang:53,interest:[2,9,12,13,14,15,19,21,82,113,159,163],interestingli:20,interfac:[53,159],intermedi:[110,111,130],intermitt:101,intern:[2,6,8,21,39,61,69,78,86,87,99,100,101,102,108,109,110,111,112,113,115,117,124,125,128,130,132,156,167],internet:18,interpol:[3,68,73,111,149,151,154],interpolate_kwarg:151,interpret:[21,37,53,110,113,125,142,155,156,157,163],interrupt:[99,102,110,111,112,118,124,125,128,130,136,167],intersect:[14,82,134,142],interv:[0,12,14,18,20,21,73,82,113,134,138,149,154,157,158,159,166],intra:130,intract:18,introduc:[20,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,161,162],introduct:160,introductori:[0,18,158],introselect:53,invalid:[73,74,85,86,87,89,113,150,156],invari:134,inventori:101,invers:[3,15,53,59,62,63,65,66,67,70,71,87,105],inverse_fn:[3,66],inverse_transform:[2,3,5,7,14,20,59,61,62,63,64,65,66,67,69,70,71,159],inversed_quaterli:67,invert:[3,59,60,61,64,69],invertible_data_transform:[62,63,65,66,67,70,71],invertibledatatransform:[3,59,61,62,63,64,65,66,67,69,70,71],invertiblemapp:60,investig:[99,102,110,111,112,118,124,125,128,130],invok:[53,85,86,87,89,113,150,156],involv:[64,69,162,167],io:[47,73,93,99,102,110,111,112,113,114,118,124,125,128,130,134],io_processor:113,ipu:[15,18,85,86,87,89,113,150,156,159,164],ipynb:1,irrad:21,irradi:[21,73],irregular:16,irregular_seri:16,irregular_series_st_bin:16,irregular_series_st_cat:16,irrelev:164,irrespect:[18,54,99,102,110,111,112,118,124,125,128,130],is_avail:[18,165],is_caus:89,is_determinist:134,is_dis:136,is_en:136,is_gat:85,is_probabilist:[38,39,40,41,42,43,44,45,46,47,48,49,134],is_season:159,is_stochast:134,is_train:142,is_univari:134,is_within_rang:134,isinst:[14,17,113],isn:2,iso:[134,155],isol:[15,46,156,163],issu:[0,15,18,58,99,102,110,111,112,118,124,125,128,130,134,149,158,159,162,167],issubclass:163,itakura:[54,55],itakura_align:13,item:[19,20,21,53,72,85,86,87,89,113,134,136,150,156],items:53,itemset:53,iter:[5,14,19,53,55,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,150,154,156],iterrow:15,itertool:[15,17],its:[0,2,3,4,5,6,7,9,11,14,15,17,19,20,21,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,53,66,78,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,135,142,149,150,158,159,161,163,165,166,167],itself:[0,4,9,13,14,17,18,31,32,37,39,47,48,49,50,53,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,113,134,140,141,149,150,156,158,166,167],j0:54,j1:54,j2:54,j:[13,53,54,55,73,85,86,87,89,150,156],jakob:130,jame:73,jan:[0,5,7,15,67,73,116,126,134,158],januari:[73,159],japan:73,javascript:21,jayasiri:85,jdb78:126,jena:73,jit:[113,119,121],jmlr:[0,158],job:[11,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],john:101,join:[0,158],joint:[138,140,141,159,163,166],jointli:[2,15,37,46,62,149,166],jone:130,journal:[0,73,101,158],json:134,json_str:134,julien:[0,15,17,158],jump:[18,53],june:73,jupyt:[21,164],jupyterlab:21,just:[2,3,4,5,12,13,14,15,18,19,21,53,159,161,162,167],k:[0,2,15,20,37,53,98,113,116,149,158,159,162,163],kaggl:[73,164],kaiser:130,kalman:[0,11,12,15,90,95,158],kalman_filt:[93,107],kalman_forecast:107,kalmanfilt:[0,11,93,107,158,159],kalmanforecast:[0,15,20,95,107,158,161,163],keep:[0,2,4,9,10,15,17,18,19,20,21,53,59,73,99,102,110,111,112,118,124,125,128,130,153,154,158,159,162,167],keep_non_transform:[72,134],keep_var:[85,86,87,89,113,150,156],keepdim:53,kei:[15,17,20,21,24,29,31,32,53,58,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,154,156,159,165],kept:[4,49,53,61,62,63,64,65,66,67,68,69,70,71,72,134,142],kernel:[18,78,92,102,111,124,153,159],kernel_s:[6,10,18,20,85,86,87,89,102,113,124,150,156,165],keyword:[39,53,54,58,61,62,63,64,65,66,67,68,69,70,71,72,78,85,86,87,89,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,151,154,156,163],kf:[11,93,107,159],kf_smape:15,kf_smapes_m3:15,kf_time:15,kf_time_m3:15,kim:[87,99,102,110,111,112,113,124,125,128,130],kind:[11,15,53,85,87,105,159,161,163,164,167],kindli:73,kl:149,kmean:39,kmeans_scor:39,kmeansscor:[0,23,37,39,47,158],know:[2,3,5,9,12,13,14,100,108,109,113,115,117,132,134,140,141,159,161,163,164,167],knowledg:8,known:[0,2,5,9,13,14,20,21,29,32,33,37,53,78,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,139,140,141,142,156,158,159,161,163],kolassa:121,kosinski:[0,158],kpss:154,kpss_stat:154,kth:53,kullback:[159,163],kurtosi:134,kw:[2,73],kwarg:[14,15,25,34,39,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,78,82,85,86,87,89,92,96,97,98,99,100,101,102,104,106,107,108,109,110,111,112,113,114,115,117,118,119,120,121,122,124,125,128,130,131,132,134,136,150,154,156,159],kwh:[21,73],kwiatkowski:154,l1:113,l1loss:150,l:[0,15,39,47,49,85,86,87,89,102,112,113,136,150,156,158],l_:82,l_bar:136,label:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,158,159,163],label_q_inn:14,label_q_out:14,labels:13,labels_cols_nam:142,labels_hat:113,labml:85,lag:[0,2,15,17,18,20,57,58,63,77,78,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,154,155,158,159,161,163],lag_:142,lagged_:142,lagged_feature_nam:[21,100,108,109,115,117,132],lagged_future_covari:142,lagged_past_covari:142,lagged_target:142,lags_:142,lags_covari:[57,58],lags_future_covari:[20,21,57,58,77,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,159],lags_past:21,lags_past_covari:[21,57,58,77,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142],laiguokun:73,lambda:[3,17,58,62,66,82,134,149,159],languag:130,laplac:[37,149,159,163],laplace_distribut:149,laplacelikelihood:[149,159,163],laplacenllscor:44,larg:[0,1,2,13,15,16,18,54,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,134,138,140,141,142,149,152,158,159,164,167],larger:[2,3,11,12,15,53,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,163,166,167],largest:[15,18,134,157],last:[0,2,5,14,15,16,17,18,20,21,53,72,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,142,149,152,154,155,158,159,163],last_m:13,last_points_onli:[2,5,6,8,9,10,14,20,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],last_shap:142,last_static_covariates_shap:142,last_valu:[134,159],later:[2,6,18,19,21,62,63,64,69,70,134,161,163,164,167],latest:[2,9,20,47,93,99,102,110,111,112,113,118,124,125,128,130,142,167],latter:[35,36,37,65,67,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,153,156],lausann:15,layer:[2,85,87,89,99,110,111,116,118,124,125,128,130,159,167],layer_norm_vari:87,layer_width:[2,8,15,110,111],layernorm:[14,87,125,130],layernormnobia:[87,125,130],layout:[16,53,78],lazi:[2,58,152],lazili:[152,167],lb:142,ld:154,ldadjust:154,ldb:154,ldbias:154,le:85,lead:[4,13,16,19,104,113,162],leafhandl:73,leak:19,leakag:2,leakyrelu:[110,111],learn:[0,3,7,12,14,16,17,18,19,21,24,37,39,70,71,87,92,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,136,158,161,162,163,164,165,166,167],learnabl:85,learning_r:113,least:[2,4,6,18,21,35,36,53,67,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,138,140,141,161,167],leav:[59,72,79,99,102,110,111,112,115,118,124,125,128,130,134,163],left:[2,15,17,18,32,53,54,72,82,96,97,98,99,101,102,103,104,105,107,110,111,112,114,116,118,119,120,121,122,123,124,125,127,128,130,131,134,139,150,161],legaci:154,legend:[0,2,3,5,6,7,8,9,10,11,12,13,14,15,17,158,159],leibler:[159,163],len:[0,2,4,7,13,14,15,16,17,20,54,58,63,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,155,158,159],length:[2,3,5,9,10,11,12,13,15,16,18,31,32,35,36,37,39,47,49,50,53,54,55,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,82,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,150,154,155,161,163,165,167],leq:149,less:[4,15,18,115,142,154],let:[2,3,4,5,6,7,8,9,10,11,13,14,15,16,17,18,20,21,85,86,87,89,113,150,156,159,161,167],letter:53,levarag:20,level:[8,12,17,21,53,73,103,124,134,154,159,160,161],leverag:[3,20,116,163,167],levinson:154,lexsort:53,lgbm:[15,21,108],lgbm_m4_elapsed_time_m3:15,lgbm_m4_smapes_m3:15,lgbm_model:21,lgbm_model_m4:15,lgbm_smape:15,lgbm_smapes_m3:15,lgbm_smapes_transf:15,lgbm_time:15,lgbm_time_m3:15,lgbm_time_transf:15,lgbregressor:108,lh:138,li:[12,155,167],liabil:[85,87],liabl:[85,87],lib:[17,53,142],librari:[0,1,3,15,18,20,21,53,78,123,158,159,162,167],licens:[85,87,126],lie:[12,32,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149],life:15,lightbm:159,lightgbm:[15,21,95],lightgbmmodel:[0,15,21,95,108,158,159,161,163],lightgbmregressor:[21,108],lightn:[0,18,19,95,99,102,110,111,112,113,118,124,125,128,130,136,158,163,164,165,167],lightning_fabr:113,lightningdatamodul:113,lightningmodul:[99,102,110,111,112,113,118,124,125,128,130,136,167],lightningoptim:113,ligthn:[18,99,102,110,111,112,118,124,125,128,130],like:[2,4,11,12,14,15,16,18,20,21,53,85,86,87,89,113,117,136,142,149,150,153,154,156,159,161,162,164,167],likelihood:[9,10,14,18,19,20,21,40,41,42,43,44,45,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,135,159,163,165],likelihood_components_nam:149,likelihood_model:[9,10,14,18,99,102,110,111,112,118,124,125,128,130,149,159,163,165],likelihoodmixin_:149,likelihoodscor:48,limit:[15,18,19,20,21,53,78,85,87,113,126,130,164,165,167],lin_seri:3,linalg:46,line:[12,14,15,17,21,53,54,85,86,87,89,98,113,127,134,150,156,167],linear:[11,13,15,20,54,61,64,65,69,78,85,86,87,89,93,95,96,99,110,111,113,117,118,124,125,127,128,130,131,134,149,150,154,155,156,157,159,164],linear_1:134,linear_increas:14,linear_match:13,linear_model:[15,18,20,21,109,117,159],linear_regression_model:109,linear_timeseri:[2,3,9,10,61,64,65,69,134,155],linear_v:16,linearli:[69,99,102,110,111,112,118,124,125,128,130,155,167],linearregress:[18,20,109,117,159],linearregressionmodel:[0,15,17,18,20,21,78,95,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,158,159,161,163],linewidth:11,link:[99,101,102,104,110,111,112,118,124,125,128,130,164],linreg_model:20,linspac:[11,13,16,159],linux_x86_64:164,list:[2,10,14,15,17,18,20,21,25,27,31,32,39,46,47,49,50,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,151,152,153,154,155,156,157,159,163,165,166,167],litdatamodul:113,liter:[62,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134],litmodel:113,litr:73,littl:[8,11,53],live:[85,86,87,89,113,150,156],ll:[2,6,11,12,15,16,18,21,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,161,164,165],llion:130,lmbda:62,load:[0,1,2,3,4,5,6,7,8,9,10,13,14,20,21,53,58,62,63,67,70,73,74,78,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,152,158,159,160,164,165],load_air:15,load_data:113,load_encod:[99,102,110,111,112,118,124,125,128,130],load_ext:[3,4,5,7,9,13,14,16,19,20,21],load_from_checkpoint:[2,5,6,7,8,9,10,18,19,99,102,110,111,112,113,118,124,125,128,130,163,165,167],load_m3:15,load_m4:15,load_model:163,load_state_dict:[85,86,87,89,113,136,150,156],load_weight:[99,102,110,111,112,118,124,125,128,130,167],load_weights_from_checkpoint:[99,102,110,111,112,118,124,125,128,130,167],loaded_model:167,loader:[99,102,110,111,112,118,124,125,128,130],loc:[2,15,17],local:[2,3,4,5,6,7,8,9,13,14,16,17,19,20,21,53,74,85,86,87,89,91,99,102,103,110,111,112,113,116,118,124,125,128,130,150,156,160],local_rank:[18,113,164],localforecastingmodel:[0,57,95,98,104,105,120,122,127,158],locat:[53,99,102,110,111,112,113,118,124,125,128,130,149,161,163,166],locationid:73,lock:53,loess:154,log10:66,log:[0,2,3,4,5,6,7,8,9,10,14,16,18,19,20,40,41,42,43,44,45,82,99,102,110,111,112,113,114,118,124,125,128,130,134,136,149,158,159,163,164,165,167],log_dict:113,log_dir:167,log_tensorboad:167,log_tensorboard:[5,99,102,110,111,112,118,124,125,128,130,164],logarithm:82,logger:[99,102,110,111,112,113,118,124,125,128,130],logic:[21,23,26,28,57,58,113,149],logical_and:13,logist:114,lognormallikelihood:149,lone:142,longdoubl:53,longer:[2,11,13,15,18,96,97,99,101,102,107,110,111,112,114,118,119,121,124,125,128,130,131,159,165],longest:15,longest_contiguous_slic:[15,134],look:[2,3,4,7,11,12,13,15,16,17,18,20,21,37,53,69,85,86,87,89,113,150,156,159,160,161,162,163,165],lookahead:19,lookback:[2,15,18,19,138,159],lookforward:[15,18],loop:[15,53,113,127,136],loos:162,lose:53,loss:[5,7,13,14,15,16,18,19,82,99,100,102,110,111,112,113,118,124,125,128,130,132,135,136,149,163,164,165],loss_fn:[14,15,99,102,110,111,112,113,118,124,125,128,130],loss_logg:167,losslogg:167,lost:[53,63],lot:[5,14,15,16,18],love:3,low:[7,53,67,73],low_freq:67,low_q:14,low_quantil:[0,9,10,14,35,134,158,159],low_threshold:[35,36],lower:[7,13,15,16,17,18,35,36,50,67,111,128,134,142,159],lowercas:53,lowest:163,lowest_q:14,lp:37,lp_c_uint:53,lr:[5,7,9,10,14,15,18,19,99,102,110,111,112,113,118,124,125,128,130,164,165,167],lr_find:[99,102,110,111,112,118,124,125,128,130],lr_finder:[99,102,110,111,112,118,124,125,128,130],lr_m4_elapsed_time_m3:15,lr_m4_smapes_m3:15,lr_model:18,lr_model_m4:15,lr_pred:18,lr_preds_test:18,lr_scale:113,lr_schedul:[19,113,167],lr_scheduler_cl:[19,99,102,110,111,112,113,118,124,125,128,130,167],lr_scheduler_kwarg:[19,99,102,110,111,112,113,118,124,125,128,130,167],lr_scheduler_step:113,lr_smape:15,lr_smapes_m3:15,lr_smapes_transf:15,lr_time:15,lr_time_m3:15,lr_time_transf:15,lrschedul:113,lstm:[0,2,5,9,14,99,118,125,158,161],lstm_layer:[14,125],lstm_test:9,lt:[2,3,5,6,8,9,10,11,12,14,15,19,20,21],lucki:15,lufl:73,lukasz:130,lull:[0,73,158],lw:[0,7,17,18,158,163],lysenko:132,m1:15,m2:[15,21,73],m3:[8,159],m3_dataset:15,m3_seri:15,m3_test:15,m3_test_scal:15,m3_train:15,m3_train_scal:15,m3c:15,m3comp:15,m3month:15,m4:[8,127,138],m4_metadata:15,m4_monthli:15,m4_test:15,m4_test_scal:15,m4_train:15,m4_train_scal:15,m4id:15,m:[2,13,15,53,54,55,63,69,73,82,85,86,87,89,101,102,112,113,127,134,138,150,154,156,159,162],ma:[96,131],machin:[0,3,15,21,53,158,161,164,166,167],machineri:2,mackinnon:154,made:[4,46,53,65,78,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,156,159,163,167],mae:[2,4,13,17,19,82,115,127,150],maeloss:150,magnitud:[2,150,159],mai:[2,3,8,18,31,32,53,61,62,63,64,65,66,68,69,70,71,72,78,85,86,87,89,113,134,136,140,141,149,150,152,153,156,162,166],main:[14,20,33,37,58,106,125,134,159,164,165,166,167],mainli:[18,159],maintain:[18,53,136],major:[19,53,164],make:[0,2,3,6,9,11,12,13,14,15,17,18,20,21,29,53,59,63,85,86,87,89,103,110,111,113,116,117,125,130,134,150,152,156,158,161,162,163,167],make_grid:113,maker:73,makridaki:20,malaysia:114,man:73,manag:113,mandatori:[2,14,15,72,78,79,114,125,134],mani:[0,2,15,16,18,53,58,99,102,110,111,112,118,123,124,125,128,130,142,152,156,158,159,167],manipul:166,manner:21,manual:[4,15,58,61,62,63,64,65,66,67,68,69,70,71,72,99,102,104,110,111,112,113,118,124,125,128,130,159,164],manual_backward:113,manual_se:[2,15,18,165],manuallyargsmodel:113,map:[3,11,14,16,17,53,58,61,62,63,64,65,66,68,69,70,72,78,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,153,159,166],map_loc:[99,102,110,111,112,113,118,124,125,128,130,167],mape:[2,3,5,6,7,8,9,13,14,15,20,21,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,159,164,165],mapeloss:150,mapper:60,mar:73,march:[15,134],marek:[0,158],margin:[134,159,163,166],mark:[2,20,55,92,134],markers:15,market:161,marr:82,mase:82,mask:[57,61,62,63,64,65,66,67,68,69,70,71,72,89],mask_cat:71,mask_compon:[61,62,63,64,65,66,67,68,69,70,71,72],mask_num:71,master:[15,108,114,126],match:[2,4,15,16,35,36,50,53,54,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,150,155,156,163,166],match_begin:13,match_end:13,match_len:13,match_min_length:13,matched_rang:13,matej:[0,158],math:53,mathbb:149,mathcal:85,mathemat:[46,62,156],matplotlib:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,134,158,159,163,164],matric:[93,142],matrix:[13,53,54,69,142,153,154,155,159],matter:[0,2,158],max:[53,64,69,70,72,85,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,159],max_depth:115,max_epoch:[15,19,159],max_gap_s:134,max_lag:[5,7,14,154],max_lh:138,max_lr:[99,102,110,111,112,118,124,125,128,130],max_n_epoch:18,max_nr_compon:[14,134],max_nr_seri:79,max_number_seri:15,max_p:97,max_samples_per_t:[15,18,99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132,140,141,142,167],max_siz:126,max_slop:[13,55],max_t:[82,165],maxabsscal:[15,18,165],maxim:[0,123,134,154,158],maxima:13,maximum:[14,53,55,79,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,142,149,154,155],maxlag:154,maxpool1d:111,maxpool:111,mayb:[15,159],mb:[15,18,159,164],mbar:[99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132],mc_dropout:[18,99,102,110,111,112,118,124,125,128,130,163],mc_dropout_en:156,mcompetit:15,md5:[73,74],md:108,mean:[0,6,7,8,9,10,13,14,15,17,18,20,21,37,50,53,54,55,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,78,79,82,87,91,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,143,149,153,155,158,159,162,163,164,165,166,167],mean_absolute_error:150,mean_absolute_percentage_error:150,mean_attent:14,mean_dist:54,meanabsoluteerror:165,meanabsolutepercentageerror:[165,167],meaning:[14,125],means_clust:39,meant:[58,113,141,143],measur:[2,11,18,21,73,93,159,161,163,166,167],measure_ma:17,mechan:[7,14,85,86,87,89,113,130,150,153,156],median:[0,3,15,20,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,158,159],medium:73,medium_s:13,meet:[58,167],megalit:19,megalitr:73,megawatt:73,melbourn:73,member:[85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,154,156],memo:[85,86,87,89,113,150,156],memori:[2,14,15,18,21,49,53,58,73,74,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,136,142,150,152,156,164],memory_format:[85,86,87,89,150,156],memory_is_caus:89,memory_key_padding_mask:89,memory_mask:89,mention:[163,167],merchant:[85,87],mere:142,merg:[57,58,62,70,85,87,113,126,134],merge_covari:[57,58],mergesort:53,met:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],meta:[15,106,153,159],metadata:[15,74,153],metadata_rout:153,metadatarout:153,method:[0,2,3,11,16,17,18,20,21,23,24,25,26,27,28,29,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,85,86,87,88,89,91,92,93,94,95,96,97,98,99,100,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,128,130,131,132,133,134,136,139,142,143,149,150,151,153,154,156,158,161,163,164,165,166],method_to_elapsed_tim:15,method_to_smap:15,methodolog:161,metric:[0,2,3,4,5,6,7,8,9,13,14,15,16,17,18,19,20,21,22,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,149,158,164,165,167],metric_attribut:113,metric_column:165,metric_n:113,metriccollect:[15,99,102,110,111,112,113,118,124,125,128,130,159,165],michal:[0,158],microsecond:58,mid:163,mida:60,might:[2,4,14,15,16,18,20,21,72,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,140,141,154,161,164,166,167],migth:67,mileag:149,milk:[3,15,73,159],milk_cov:159,milk_covari:2,milk_month:2,milk_train_covari:2,milk_val_covari:2,milk_year:2,million:73,mimic:[100,108,109,118,132],min:[15,19,21,53,57,58,64,69,70,72,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,165,167],min_delta:[18,19,99,102,110,111,112,118,124,125,128,130,165,167],min_gap_s:151,min_lh:138,min_lr:[99,102,110,111,112,118,124,125,128,130],min_period:[72,134],min_samples_split:115,min_t:82,min_train_sampl:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],min_train_series_length:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],mind:[12,19],mini:2,miniconda3:17,minim:[13,16,18,54,69,91,123,154,159,165,167],minimis:[20,159,163],minimum:[6,13,21,53,57,58,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,151,159,167],minmaxscal:[3,5,7,9,16,19,70,71],mint:69,mint_cov:69,mintreconcili:[17,69],minut:[0,2,15,18,21,58,73,155,158],misalign:13,misconfigurationexcept:113,miss:[0,3,8,21,53,60,72,73,85,86,87,89,92,93,105,107,108,109,113,115,117,132,134,135,150,154,156,158,162],missing_kei:[85,86,87,89,113,150,156],missing_valu:[4,6,9,10,13,105,151,159],missing_values_fil:68,missing_values_ratio:151,missingvaluesfil:[8,59,68],mit:[73,85,87,126],mitig:[19,149],mix:[60,113,116],mixedcovari:143,mixedcovariatesinferencedataset:139,mixedcovariatesmodel:167,mixedcovariatessequentialdataset:140,mixedcovariatesshifteddataset:141,mixedcovariatestorchmodel:[99,102,110,111,112,118,124,125,128,129,130,143],mixedcovariatestrainingdataset:[140,141,143],mixin:113,mixtur:16,ml:[0,15,73,158,159],mle:62,mle_retv:17,mlp:128,mm:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163],mode:[18,19,21,53,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,151,156,161,165,167],model:[3,6,9,11,12,13,16,22,23,24,27,30,37,39,47,49,50,57,58,72,76,77,78,79,80,85,86,87,88,89,91,92,93,94,96,97,99,101,102,103,104,105,106,107,110,111,112,113,114,115,118,119,120,121,122,123,124,125,126,127,128,129,131,133,134,135,136,138,139,142,143,150,153,154,156,160,162,165,166],model_:159,model_air:[2,6],model_air_milk:2,model_arg:165,model_auto_regress:21,model_cl:[15,20],model_class:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],model_cr:[99,102,110,111,112,118,124,125,128,130],model_en:[6,9],model_finetun:167,model_fit_kwarg:32,model_futcov:2,model_futurecov:2,model_gru:2,model_kwarg:[20,167],model_load:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163],model_mod:127,model_nam:[2,5,6,7,8,9,10,18,19,20,99,102,110,111,112,118,124,125,128,130,164,165,167],model_nbeat:8,model_nhit:19,model_output:[50,149],model_param:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],model_pastcov:2,model_select:152,model_single_shot:21,model_sun:6,model_tid:19,model_tide_rin:19,model_trac:113,model_val_set:[18,165],model_varima:2,modelcheckpoint:113,modelclass:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163],modelmeta:106,modelmod:[15,104,127,154,157,159],modern:[0,158],modest:167,modif:[53,85,86,87,89,113,150,156,164],modifi:[21,53,72,85,86,87,89,113,126,134,150,153,154,156],modul:[0,2,9,13,23,27,37,53,85,86,87,89,99,102,110,111,112,113,118,124,125,126,128,130,150,156,158,164],module_nam:133,modulelist:[15,159],moment:[2,15,37,134],mon1:167,mon2:167,mondai:[73,167],monitor:[18,19,99,102,110,111,112,113,118,124,125,128,130,165,167],monoton:[54,134],mont:[21,85,99,102,110,111,112,118,124,125,128,130,156,159,166],montecarlodropout:[156,159],month:[0,2,3,4,5,6,7,14,15,17,20,21,57,58,62,63,67,73,96,97,98,99,100,101,102,105,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,134,155,158,159,161,165,167],month_co:[57,58],month_seri:[5,6,20],month_sin:[57,58],monthli:[2,3,4,15,17,67,73,105,123,159],monthly_seri:67,monthlymilkdataset:[2,3,15,73,159],monthlymilkincompletedataset:[3,73],more:[0,1,4,5,6,7,8,9,12,15,16,17,18,19,20,21,37,50,53,58,61,62,63,64,65,66,67,68,69,70,71,72,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,150,152,155,156,158,159,160,161,162,163,164,165,167],moreov:[138,140,141],most:[4,14,15,16,37,53,61,62,63,64,65,66,68,69,70,71,72,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,149,159,161,162,163,166,167],mostli:[11,13,15],motor:73,mounir:[0,158],move:[0,4,11,13,15,20,39,47,49,53,72,85,86,87,89,90,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,154,156,158,166,167],move_data_to_devic:113,moving_average_filt:94,movingaveragefilt:[0,13,94,158],mp:15,mpg:73,mro:106,ms:[15,21,67],mse:[19,82,122,149,163],mseloss:[14,99,102,110,111,112,113,118,124,128,130,159,164],mstl:154,mt_002:2,mt_008:2,mt_009:2,mu:[88,149],much:[2,4,6,12,13,14,15,16,159],mufl:[0,73,158],mull:73,multi:[2,7,14,15,16,54,85,86,87,89,103,109,111,113,115,117,125,130,134,150,153,156],multi_grid_radiu:[13,54],multi_model:[21,100,108,109,115,117,132,142],multi_serie_elec:2,multi_ts_support:82,multicollinear:16,multidimension:[163,166],multigrid_align:13,multilabel:153,multilay:128,multioutput:[100,108,109,115,117,132,153],multioutputregressor:[100,108,109,115,117,132,153],multipl:[0,14,15,17,18,19,20,21,23,24,29,31,32,33,37,39,47,49,50,53,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,142,153,154,157,158,159,160,161,164,167],multiple_t:3,multipli:[15,114],multiprocess:[123,164],multiprocessing_start_method:123,multivari:[0,11,14,16,18,21,23,24,25,26,27,28,37,38,39,40,41,42,43,44,45,46,47,48,49,50,67,70,73,74,77,78,79,82,96,97,100,101,102,107,108,109,110,111,112,114,115,117,119,121,131,132,134,142,149,151,154,155,158,159,160,161,162,167],multivariate_seri:163,multivariate_support:82,multivati:2,must:[2,15,16,20,21,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,55,57,58,61,62,63,64,65,66,67,68,69,70,71,72,78,80,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,149,150,154,155,156,161,163,167],mutabl:113,mutablemap:113,my:[114,162],my_cool_pickable_object:113,my_model:[5,7,9,14,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163,164,167],my_model_ic:14,my_model_sp:7,my_model_sun:5,my_multivariate_seri:166,my_seri:[134,167],my_series32:167,my_stopp:[99,102,110,111,112,118,124,125,128,130,165,167],mycallback:136,mylightningmodul:[113,136],mylikelihood:14,mymodel:113,mymodelclass:[99,102,110,111,112,118,124,125,128,130],mytransform:[64,69],n4sid:[0,15,93,107,158,159],n9bw:15,n:[0,2,5,7,13,14,16,17,18,19,21,31,32,39,47,49,53,54,55,57,58,63,64,69,73,82,85,86,87,88,89,95,96,97,98,99,100,101,102,103,104,105,107,108,109,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,138,139,140,141,149,150,154,156,158,161,162,163,164,165,167],n_cat_col:71,n_categori:16,n_compon:[61,62,63,64,65,66,67,68,69,70,71,72,134,142,149],n_epoch:[2,5,6,7,8,9,10,14,16,18,20,99,102,110,111,112,118,124,125,128,130,164,165,167],n_estim:115,n_featur:153,n_fmt:136,n_freq_downsampl:111,n_job:[3,18,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,153,159,165],n_jobs_multioutput_wrapp:[109,115,117],n_lagged_featur:142,n_lagged_label:142,n_observ:142,n_output:153,n_quantil:[14,149],n_random_sampl:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],n_restarts_optim:12,n_rnn_layer:[2,5,9,99,118],n_sampl:[61,62,63,64,65,66,67,68,69,70,71,72,103,134,142,149,153],n_samples_fit:153,n_target_vari:149,n_timestep:[61,62,63,64,65,66,67,68,69,70,71,72,134,149],n_trial:[18,165],naiv:[15,18,58,82,98,123,127,154,161],naive12_smap:15,naive12_smapes_m3:15,naive12_tim:15,naive12_time_m3:15,naive1_smap:15,naive1_smapes_m3:15,naive1_tim:15,naive1_time_m3:15,naive_ensembl:20,naive_forecast:[159,163],naive_model:[159,163],naivedrift:[0,20,95,98,158,159,161],naiveensembl:20,naiveensemblemodel:[0,20,95,98,158,159,161],naivemean:[0,95,98,158,161],naivemovingaverag:[0,95,98,158,161],naiveseason:[0,15,20,95,98,116,158,159,161,163],name:[2,3,7,13,15,16,17,18,19,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,74,77,78,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,153,155,156,159,161,164,165,166,167],named_buff:[85,86,87,89,113,150,156],named_children:[85,86,87,89,113,150,156],named_modul:[85,86,87,89,113,150,156],named_paramet:[85,86,87,89,113,150,156],namedtupl:[85,86,87,89,113,150,156],names_of_scor:[31,32,50],namespac:[106,113],nan:[12,18,59,63,67,68,72,73,92,105,134,150,151,154,159,162,165],nanosecond:58,nativ:[21,53,100,108,109,113,115,117,132],natur:[2,4,31,32,82,149,161,166],nav:120,nb_pred:15,nbeat:[8,15,110],nbeats_elapsed_tim:15,nbeats_interpretable_run:8,nbeats_m4_elapsed_tim:15,nbeats_m4_elapsed_time_m3:15,nbeats_m4_smap:15,nbeats_m4_smapes_m3:15,nbeats_model_air:15,nbeats_model_m4:15,nbeats_run:8,nbeats_smap:15,nbeatsmodel:[0,2,8,15,95,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,158,159,161,163,165,167],nbyte:53,nd:[53,142],ndarrai:[21,53,54,55,58,61,62,63,64,65,66,67,68,69,70,71,72,82,88,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,143,154,155],ndarray_subclass:53,ndim:[53,142],nearest:53,necessari:[2,13,15,18,53,62,63,64,69,70,93,96,97,101,107,113,114,119,121,131,157,159,163,164,167],necessarili:[2,159],need:[2,5,8,12,14,15,16,18,19,20,25,31,32,34,39,47,48,49,53,61,62,63,64,65,66,67,68,69,70,71,72,77,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,142,149,150,156,159,161,162,163,164,165,166,167],neg:[40,41,42,43,44,45,117,134,142,149,153,163],negative_binomial_distribut:149,negativebinomiallikelihood:149,neglig:[61,62,63,64,65,66,68,69,70,71,72],neither:[72,134],nest:[53,78,85,86,87,89,113,150,153,156,164],net:[5,85,86,87,89,99,102,110,111,112,113,124,125,128,130,150,156],net_b:[85,86,87,89,113,150,156],net_c:[85,86,87,89,113,150,156],network:[0,2,3,14,18,85,86,87,89,95,102,110,111,112,113,116,125,128,130,149,150,156,158,162,164],neuer:[0,158],neural:[0,2,3,87,95,102,110,111,112,116,124,125,128,130,149,158,162,164],neuron:[89,99,110,111,118,125,130,156],never:[2,15,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159],nevertheless:166,new_arr:53,new_ord:53,new_path:113,new_plot:[54,134],new_shap:53,new_valu:3,newbyteord:53,newbytord:53,newei:154,newli:[53,134],next:[2,9,10,12,14,15,19,21,53,58,59,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,155,159,161,164,167],nfoursid:[93,107,159],nhead:[7,130],nhit:[19,111],nhitsmodel:[0,19,95,111,158,161],nice:[4,14,16,18],nicholasjhana:73,nicola:[0,158],niki:130,nikolai:132,nikolopoulo:159,nixtla:[0,158],nlag:154,nlinear:[0,112,158],nlinearmodel:[0,95,112,158,161],nll:[37,149],nll_cauchy_scor:40,nll_exponential_scor:41,nll_gamma_scor:42,nll_gaussian_scor:43,nll_laplace_scor:44,nll_poisson_scor:45,nllscorer:[40,41,42,43,44,45,48],nmulti:16,nn:[5,7,9,14,15,85,86,87,89,99,102,110,111,112,113,118,124,125,126,128,130,150,156],no_grad:[85,86,87,89,113,150,156],noam:[125,130],nob:154,nobodi:3,node:[113,115],nois:[4,11,13,93,155,159],noise_dist:[11,12],noise_modul:[9,10],noiseless:11,noisi:[4,11,12,93],non:[2,15,16,17,18,53,57,61,62,63,64,65,66,68,69,70,71,72,82,85,86,87,89,113,123,131,134,142,150,154,156,159,163,164],non_block:[85,86,87,89,150,156],non_smooth:16,nonciti:[17,73],none:[2,4,6,8,9,10,14,15,16,18,19,20,21,31,32,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,74,77,78,79,80,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,143,144,149,150,152,153,154,155,156,157,159,165,167],nonfittableaggreg:[25,26,28],nonfittableanomalyscor:[38,46,48],noninfring:[85,87],nonzero:53,nor:[113,142],norm:[37,113],norm_:46,norm_coef:21,norm_scor:46,norm_typ:[14,125,130],normal:[2,5,7,8,11,14,18,19,33,37,53,87,88,99,102,110,111,112,113,123,124,125,127,128,130,136,149,159,163,164,165,167],normal_distribut:149,normalis:[2,20],normalize_i:159,normalized_shap:87,normscor:[23,37,46],notabl:[2,20,134,161,164,167],note:[0,2,3,5,7,11,14,15,16,18,20,21,37,46,53,55,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,82,85,86,87,89,92,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,152,153,154,156,158,159,160,161,162,163,164,165,167],notebook:[1,2,3,5,6,7,8,9,11,12,14,15,17,18,19,20,21,79,99,105,107,110,118,124,125,128,130,159,161,164,165],noteworthi:164,noth:[18,61,62,63,64,65,66,67,68,69,70,71,72,161,165],notic:[2,13,20,85,87,114,126,134,167],notimportedmodul:133,novemb:126,now:[2,3,4,5,7,9,10,13,14,15,16,17,18,20,21,53,61,62,63,64,65,66,67,68,69,70,71,72,113,159,163,164,167],nowindow:[54,55],np:[2,3,4,5,6,7,8,9,11,12,13,14,15,16,17,18,19,21,53,54,55,58,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,143,155,159,164,165,167],nr:114,nr_dai:18,nr_epochs_val_period:[5,6,7,8,18,99,102,110,111,112,118,124,125,128,130,165,167],nr_freqs_to_keep:[4,105],ns:[3,61,62,63,64,65,67,69,134],nstatic:16,nsw:[17,73],nt:[17,73],nthere:15,nuanc:161,nullifi:[61,62,63,64,65,66,68,69,70,71,72],num:[16,71,73,167],num_attention_head:[14,125],num_bin:154,num_block:[2,8,15,110,111,165],num_block_row:[11,93],num_class:113,num_decoder_lay:[7,128,130],num_encoder_lay:[7,128,130],num_epoch:15,num_featur:[85,86,87,89,113,150,156],num_filt:[6,10,18,20,124,165],num_lay:[2,6,8,10,15,20,110,111,113,124],num_loader_work:[15,18,99,102,110,111,112,118,124,125,128,130,165],num_paramet:[100,108,109,132,149],num_sampl:[0,9,10,11,12,14,16,18,20,21,32,78,88,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,158,159,163,165],num_stack:[2,8,15,110,111,165],num_train:[99,102,110,111,112,118,124,125,128,130],num_window:142,num_work:[18,99,102,110,111,112,118,124,125,128,130,164,165,167],numba:[119,121],number:[0,2,3,4,5,6,7,14,15,16,17,18,20,21,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,78,79,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,149,150,151,152,153,154,155,156,158,159,161,163,164,165,167],numer:[53,71,77,79,87,125,134,161,162],numpi:[2,3,4,5,6,7,8,9,11,12,13,14,15,16,17,18,19,21,46,53,59,66,68,71,72,109,134,139,142,143,155,159,164,165,166],nvidia:167,nxm:54,o:[0,15,53,54,85,86,87,89,113,150,156,158],obj:53,object:[0,2,3,6,8,9,10,14,15,16,17,18,19,29,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,79,85,86,87,89,99,100,102,107,108,109,110,111,112,113,115,116,117,118,124,125,128,130,132,133,134,142,149,150,152,153,154,155,156,158,159,161,163,165,166],observ:[0,2,11,13,20,21,23,29,32,33,61,62,63,64,65,66,67,68,69,70,71,72,78,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,138,139,140,141,142,154,158,159,163,166],observatori:73,obsolesc:101,obtain:[0,2,5,7,11,15,17,18,20,31,32,33,53,73,77,82,85,87,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,139,155,158,159,161,163,166,167],obviou:[13,159],obvious:159,occup:73,occur:[21,37,53,62,63,64,67,69,70,71,73,159,163],off:[8,18,134,157,159],offer:[0,8,13,15,18,21,23,158,165,166,167],offici:[99,102,110,111,112,118,124,125,128,130],offset:[53,54,67,72,134,142,155,159],often:[2,3,15,18,19,131,134,140,141,156,159,162,163,166,167],oil:[73,131],ok:[15,159],ol:[69,154],older:167,omegaconf:113,omiss:53,omit:[21,53],on_after_backward:[113,136],on_after_batch_transf:113,on_before_backward:[113,136],on_before_batch_transf:113,on_before_optimizer_step:[113,136],on_before_zero_grad:[113,136],on_epoch:113,on_except:136,on_fit_end:[113,136],on_fit_start:[113,136],on_gpu:113,on_load_checkpoint:[113,136],on_predict_batch_end:[113,136],on_predict_batch_start:[113,136],on_predict_end:[113,136],on_predict_epoch_end:[113,136],on_predict_epoch_start:[113,136],on_predict_model_ev:113,on_predict_start:[113,136],on_sanity_check_end:136,on_sanity_check_start:136,on_save_checkpoint:[113,136],on_step:113,on_test_batch_end:[113,136],on_test_batch_start:[113,136],on_test_end:[113,136],on_test_epoch_end:[113,136],on_test_epoch_start:[113,136],on_test_model_ev:113,on_test_model_train:113,on_test_start:[113,136],on_train_batch_end:[113,136],on_train_batch_start:[113,136],on_train_end:[113,136],on_train_epoch_end:[113,136,167],on_train_epoch_start:[113,136],on_train_start:[113,136],on_validation_batch_end:[113,136],on_validation_batch_start:[113,136],on_validation_end:[113,136],on_validation_epoch_end:[113,136,167],on_validation_epoch_start:[113,136],on_validation_model_ev:113,on_validation_model_train:113,on_validation_model_zero_grad:113,on_validation_start:[113,136],onc:[0,2,13,15,18,19,20,21,32,53,58,61,62,63,64,65,66,68,69,70,71,72,77,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156,158,159,161,163,167],one:[3,6,7,8,9,10,13,14,15,16,17,18,20,21,23,24,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,55,58,62,63,64,67,69,70,71,72,73,77,78,79,80,82,85,86,87,91,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,149,150,152,154,155,156,159,161,162,163,166,167],one_hot:[5,6,9,10,14,20,134,155],ones:[16,20,37,63,72,85,86,87,89,113,116,117,134,150,156],ongo:[0,158],onli:[2,4,5,7,12,13,14,15,16,18,19,20,31,32,37,39,47,50,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,78,79,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,136,139,140,141,142,143,150,151,152,153,154,155,156,157,159,161,162,163,164,165,166,167],onlinelibrari:120,onnx:113,onto:[53,99,102,110,111,112,118,124,125,128,130],op:82,open:[18,53,149],openreview:[99,102,110,111,112,113,124,125,128,130],oper:[53,59,61,62,63,64,65,66,67,68,69,70,71,72,73,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,156,166,167],opportun:166,oppos:142,opposit:[53,154],opt:113,optim:[5,7,9,13,17,19,20,53,54,62,69,85,86,87,89,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,150,156,160,167],optim_method:62,optimis:167,optimizer_cl:[99,102,110,111,112,113,118,124,125,128,130,167],optimizer_closur:113,optimizer_kwarg:[5,7,9,10,14,15,18,19,99,102,110,111,112,113,118,124,125,128,130,164,165,167],optimizer_step:113,optimizer_zero_grad:113,option:[0,4,10,14,15,16,20,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,74,77,78,79,80,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,133,134,138,139,140,141,142,143,149,150,151,152,153,154,155,156,158,159,161,163,165,166,167],optional_past_covari:58,optuna:[1,160],or_aggreg:28,oraggreg:28,orang:[0,15,17,21,158],ord:46,order:[2,5,14,15,17,18,20,21,31,32,46,53,54,59,61,62,63,64,65,66,67,68,69,70,71,72,78,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,140,141,142,149,150,154,156,159,166],ordereddict:[85,86,87,89,113,150,156],ordinalencod:[16,71],oreshkin:15,org:[0,8,9,10,15,19,27,39,46,49,58,67,73,85,96,111,115,123,124,125,128,130,131,134,138,142,149,150,154,155,156,158,164],orgin:12,orient:19,origin:[2,3,11,12,13,14,16,17,19,39,47,49,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,152,153,162,167],original_comp_nam:134,original_ma:13,os:15,oscil:9,oscillatori:9,ot:[73,131],otext:[62,63,69,142],oth:[17,73],other:[0,3,4,5,13,14,16,17,18,20,21,37,53,54,63,64,69,72,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,149,150,153,154,156,158,159,161,162,163,164,165,166],other_past_covari:161,otherwis:[2,21,53,59,61,62,63,64,65,66,67,68,69,70,71,72,79,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,141,142,149,150,152,153,155,156,157],otm:122,our:[0,2,3,4,5,6,7,12,13,14,15,16,17,18,20,21,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,158,159,161,162,164,167],ourselv:159,out:[2,3,9,10,14,15,16,18,20,21,53,54,58,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,140,141,150,156,161,163,167],out_featur:[85,86,87,89,113,150,156],out_len:[15,18,165],outcom:[62,63,64,67,69,70,71],outer:[2,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,58,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],outlin:[14,110,125,154],outpati:73,outperform:[2,4,8,20],output:[2,5,6,8,11,14,15,20,29,31,32,50,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,143,149,150,153,155,156,159,161,163,164,165,167],output_chunk_length:[2,5,6,7,8,10,14,15,16,18,19,20,21,57,58,77,78,79,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,138,139,140,141,142,159,161,163,165,167],outsid:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,154],over:[0,2,5,7,14,15,16,17,18,21,31,32,33,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,61,62,63,64,65,66,67,68,69,70,71,72,73,77,79,82,85,86,87,89,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,140,141,142,150,152,156,158,159,161,163,164,165,166,167],overal:[17,18,82],overcom:53,overfit:[2,18,19,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,165,167],overflow:53,overhead:[15,59,61,62,63,64,65,66,67,68,69,70,71,99,102,110,111,112,113,118,124,125,128,130,167],overlap:[16,82,142,152],overlap_end:[14,20,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],overrid:[98,99,102,103,110,111,112,113,118,124,125,128,130,136],overridden:[85,86,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156],overview:[73,160,167],overwrit:[59,89,100,108,132,149],own:[2,20,21,53,85,86,87,89,113,130,149,150,156,159,162,167],owndata:53,owner:53,p1:113,p2:113,p3:113,p:[2,15,53,73,85,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,154,156],p_valu:154,p_value_threshold_adful:154,p_value_threshold_kpss:154,pacf:154,packag:[2,15,17,18,21,73,93,101,119,120,121,122,164],pad:[102,117,134],page:[0,21,82,130,158,159],pai:18,pair:[2,13,17,21,38,40,41,42,43,44,45,46,48,54,73,82,113,140,141,159],pairwis:[39,47,48,49,82],pakistan:114,panda:[0,2,3,4,5,6,7,8,9,10,13,14,15,16,17,19,21,32,57,58,67,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,151,155,158,159,164,165,166,167],panel:166,paper:[0,2,14,15,19,85,110,111,112,123,127,156,158,162],par:18,parallel:[3,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,164,167],parallel_param:[61,64,65,69],parallelis:[59,61,62,63,64,65,66,67,68,69,70,71,72,82],paralleliz:130,parallelogram:55,param:[15,18,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,113,126,150,153,156,159,164,165],param_group:113,param_requires_grad_st:113,paramet:[0,1,2,3,4,6,11,13,14,15,16,20,21,23,25,26,27,28,29,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,149,150,151,152,153,154,155,156,157,158,161,163,164,166,167],parameter:149,parameter_column:165,parametr:[0,21,155,158,159,163,166],paramref:113,parent:[17,48,53,69,134,149,166],parmar:130,pars:113,part:[14,17,18,53,72,77,79,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,150,152,156,162,167],partial:[3,8,20,53,59,152,154],partial_fit:153,partial_fit_param:153,particular:[2,18,53,77,85,86,87,89,113,140,141,150,156,163],particularli:[2,11,113,159],particuliar:20,partit:[39,47,49,53,78,151],pasieka:[0,158],pass:[2,4,13,14,16,20,21,31,32,35,36,39,47,48,49,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,78,79,82,85,86,87,89,92,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,153,154,155,156,159,167],passeng:[0,2,62,63,73,158,159,164],past:[0,13,14,15,16,18,19,21,25,26,27,28,32,34,35,36,50,57,58,72,77,78,79,80,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,138,139,140,141,142,144,158,159,160,162,163,165,167],past_compon:58,past_cov:[77,78,99,100,102,108,109,110,111,112,115,117,124,125,128,130,132],past_covari:[2,6,10,14,20,21,32,58,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,138,139,140,141,142,143,159,161,163,167],past_covariates1:161,past_covariates2:[161,167],past_covariates_2:161,past_covariates_inf:58,past_covariates_pr:161,past_covariates_train:[58,161],past_covariates_train_inf:58,past_covariates_v:167,past_encod:58,past_target:[113,138,139,140,141,143],past_transform:58,pastcallableindexencod:58,pastcov:[100,108,109,115,117,132,142],pastcovari:143,pastcovariatesindexgener:[57,58],pastcovariatesinferencedataset:139,pastcovariatesmodel:141,pastcovariatessequentialdataset:[2,140],pastcovariatesshifteddataset:141,pastcovariatestorchmodel:[99,102,110,111,112,118,124,125,128,129,130,143,167],pastcovariatestrainingdataset:[99,102,110,111,112,118,124,125,128,130,138,140,141,143],pastcyclicencod:58,pastdatetimeattributeencod:58,pastintegerindexencod:58,path:[2,3,4,5,6,7,8,9,13,14,16,19,20,21,53,54,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156,163,167],pathlib:53,pathlik:[96,97,98,100,101,103,104,105,107,108,109,114,115,116,117,119,120,121,122,123,127,131,132],patienc:[18,19,99,102,110,111,112,118,124,125,128,130,165,167],patient:[73,166],pattern:[14,15,21,58,113,161,163,164,167],pc:[57,58],pd:[0,2,3,4,5,6,7,8,9,10,13,14,15,16,17,19,21,54,58,67,68,71,77,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,155,157,158,159,162,164,165,167],pd_datafram:[6,8,9,10,134,166],pd_seri:134,pdf:[8,73,123,125,127,156],peak:[20,53],pearsonr:62,pem:73,penalti:134,per:[2,3,14,15,17,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,53,57,58,62,67,70,73,77,79,89,99,100,102,108,109,110,111,112,113,115,116,117,118,124,125,128,130,132,134,138,139,140,141,142,149,159,161,163,164,166,167],percentag:[82,159],percentil:[0,14,134,158,159],perceptron:128,perfectli:[12,37],perform:[0,2,3,4,5,6,7,8,9,10,13,14,15,16,17,18,19,20,21,23,31,32,54,57,61,62,63,64,65,66,67,68,69,70,71,72,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,143,149,150,156,158,159,160,161,163,164],perhap:[53,159],period:[2,5,13,14,15,16,18,21,37,55,63,67,72,82,96,99,100,102,104,105,108,109,110,111,112,114,118,123,124,125,127,128,130,132,134,154,155,159],periodindex:67,permiss:[85,87,126],permit:[85,87,126],permut:[53,78],perserv:18,persist:[85,86,87,89,113,150,156,162],person:[31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,85,87,126],perturb:159,pet:73,petrik:[0,158],pg:113,ph:114,phase:[37,39,47,49,54,82,105,113,155],phenomenon:15,phi:85,phil:87,philippin:114,phillip:154,piazzetta:[0,158],pick:[15,78,99,102,110,111,112,118,124,125,128,130],pickabl:159,pickl:[15,53,85,86,87,89,96,97,98,100,101,103,104,105,107,108,109,113,114,115,116,117,119,120,121,122,123,127,131,132,134,150,156,163],picklabl:[85,86,87,89,113,150,156],pickup:73,pid:[99,102,110,111,112,118,124,125,128,130],pii:122,pin:[85,86,87,89,150,156],pinbal:[82,132,163],pip:[0,15,18,158,159,162,164],pipelin:[1,51,153],pitfal:149,pk:114,pkl:[96,97,98,100,101,103,104,105,107,108,109,114,115,116,117,119,120,121,122,123,127,131,132,163],pkl_kwarg:[96,97,98,100,101,103,104,105,107,108,109,114,115,116,117,119,120,121,122,123,127,131,132],pl:[99,102,110,111,112,118,124,125,128,130,167],pl_forecasting_modul:113,pl_modul:[136,167],pl_trainer_arg:164,pl_trainer_kwarg:[2,6,8,9,10,15,16,18,19,99,102,110,111,112,118,124,125,128,130,136,164,165,167],place:[20,53,85,86,87,89,113,150,155,156,159,162],plai:[2,15],plan:2,plant:8,platform:53,pldualcovariatesmodul:113,pleas:[61,62,63,64,65,66,67,68,69,70,71,72,82,85,86,87,89,99,102,104,110,111,112,113,118,124,125,128,130,142,150,153,154,156,163,167],plforecastingmodul:113,plforecastinmodul:113,plfuturecovariatesmodul:113,plmixedcovariatesmodul:113,plot:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,54,78,79,99,102,110,111,112,118,124,125,128,130,134,154,158,159,163],plot_acf:[3,5,7,9,14,154,159],plot_align:[13,54],plot_attent:[14,79],plot_compon:114,plot_contour:18,plot_forecast_sum:17,plot_hist:[154,159],plot_model:15,plot_optimization_histori:18,plot_pacf:154,plot_param_import:18,plot_residuals_analysi:[3,154,159],plot_typ:[14,78,79],plot_variable_select:[14,79],plotli:4,plpastcovariatesmodul:113,plsplitcovariatesmodul:113,plt:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,158,159,163,164],pltorchforecastingmodel:113,plu:[2,96,107,131,161],plug:[0,158],pmdarima:97,po:[57,58],point:[2,3,7,9,10,11,14,15,18,19,20,21,25,26,27,28,32,34,35,36,37,50,53,58,78,79,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,142,150,154,155,156,159,161,163,167],pointer:53,pointwis:[61,62,63,64,65,66,68,69,70,71,72],poisit:[61,62,63,64,65,66,68,69,70,71,72],poisson:[21,37,100,108,109,132,149,163],poisson_distribut:149,poissonlikelihood:[149,159],poissonnllscor:45,poissonregressor:109,poli:[4,105],polosukhin:130,polynomi:[4,105,110],pool:111,pooling_kernel_s:111,poor:[102,163],poorli:149,pop:[61,65,69,136],popul:[73,161],popular:[0,73,158],portion:[85,87,126],portugues:18,posit:[14,21,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,141,142,149,150,154,155,156,159],possess:53,possibl:[0,2,3,8,13,14,15,18,20,21,29,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,64,65,69,72,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,152,153,156,158,159,161,162,163,164,166],post:[0,85,86,87,89,113,121,150,156,158],postfix:136,posthoc:[17,69,166],potenti:[0,8,15,18,20,29,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,158,159,163,166,167],pottelbergh:[0,158],pound:[2,3,73,159],poundag:[6,8,9,10],power:[2,8,15,18,20,73,161,167],pp:116,pprint:17,pr:[29,37],practic:[3,12,15,20,49,159,163,164,165],pre:[15,17,18,73,78,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,116,117,118,119,121,124,125,128,130,131,132,136,149,150,156,166],pre_process_csv_fn:74,pre_process_zipped_csv_fn:74,preced:[110,111,138,163],precipit:73,precis:[25,26,27,28,33,34,35,36,50,53,113,159],precomput:153,pred:[2,9,10,15,16,17,18,21,82,96,97,98,99,100,101,102,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,161,163,165],pred_air:159,pred_anomali:50,pred_auto_regress:21,pred_batch_s:113,pred_best_theta:159,pred_catboost:21,pred_cov:2,pred_en:20,pred_ens_resc:20,pred_input:19,pred_lgbm:21,pred_linreg:20,pred_linreg_resc:20,pred_list:2,pred_milk:159,pred_multi_model:21,pred_n:113,pred_n_job:113,pred_naiv:20,pred_naive_resc:20,pred_num_sampl:113,pred_param:21,pred_roll_s:113,pred_sampl:21,pred_seri:[5,7,8,14,15,17,19,38,39,40,41,42,43,44,45,46,47,48,49,82],pred_series_et:[5,7],pred_single_model:21,pred_single_shot:21,pred_step:19,pred_tcn:20,pred_tcn_resc:20,pred_theta:159,pred_tim:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],pred_val:4,pred_xgboost:21,predefin:167,prediciton:[16,34,35,36],predict:[0,1,3,4,6,7,9,10,15,16,17,18,19,21,23,24,25,26,27,28,29,31,32,33,37,38,39,40,41,42,43,44,45,46,47,48,49,50,57,58,77,78,79,80,82,88,92,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,142,143,149,150,153,158,160,161,162,163,164,165],predict_dataload:113,predict_descript:136,predict_from_dataset:[99,102,110,111,112,118,124,125,128,130],predict_kwarg:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],predict_likelihood_paramet:[21,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149],predict_progress_bar:136,predict_raw:114,predict_seri:16,predict_step:113,predictor:[16,153],preds_st_bin:16,preds_st_cat:16,prefer:[5,53],prefix:[85,86,87,89,113,134,150,156],preliminari:123,prelu:[110,111],prepar:[1,11,12,113],prepare_data:113,prepare_data_per_nod:113,prepend:[85,86,87,89,113,134,150,156],prepend_valu:134,preprint:[102,112],preprocess:[3,5,7,9,15,18,70,71,165],presenc:[29,33,151],present:[2,8,17,69,73,74,99,102,105,107,110,111,112,113,117,118,124,125,128,130,134,142,159,161,167],preserv:[53,67,85,86,87,89,113,150,156],preset:[99,102,110,111,112,118,124,125,128,130],pressur:[73,99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132,166],pretend:[99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132],pretrain:[98,103,116],pretrain_ensembl:20,pretrained_ckpt_path:113,pretrained_model:113,pretti:4,prevent:[53,73,99,100,102,108,109,110,111,112,113,115,117,118,124,125,128,130,132,161],previou:[2,4,5,13,21,39,47,49,53,118,125,134,142,159],previous:[53,61,62,63,64,65,66,67,68,69,70,71,72,99,102,110,111,112,118,124,125,128,130,159],price:73,primari:113,prime_t:63,principl:3,print:[2,3,4,5,7,14,15,16,17,18,20,21,53,59,61,62,63,64,65,66,67,68,69,70,71,72,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,156,159,165],print_callback:[18,165],print_mae_on_subset:17,prior:[8,61,62,63,64,65,66,68,69,70,71,72,98,99,102,110,111,112,114,118,124,125,128,130,149,159,163],prior_alpha:149,prior_b:[149,159,163],prior_beta:149,prior_gamma:149,prior_lambda:149,prior_mu:[9,10,149],prior_p:149,prior_scal:114,prior_sigma:[9,10,149],prior_strength:[9,10,149],prior_xzero:149,prioriti:113,privat:[53,163],pro:18,probabalist:11,probabilist:[0,1,10,12,18,19,32,37,38,39,40,41,42,43,44,45,46,47,48,49,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,149,156,158,160,161,162],probabilistic_forecast:159,probabl:[2,11,14,18,49,85,101,110,111,128,140,141,149,154,159,163,165,166],probablist:21,problem:[2,4,5,15,16,20,21,53,159,162],problemat:2,procedur:[5,7,14,100,108,132],process:[0,15,18,21,22,61,62,63,64,65,66,67,68,69,70,71,72,80,85,86,87,89,90,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156,158,161,164,167],process_horizons_and_target:80,process_input:80,process_posit:136,processor:[59,61,62,63,64,65,66,67,68,69,70,71,72,82,99,102,110,111,112,118,124,125,128,130,159],prod:53,prodigi:114,produc:[0,3,5,8,11,13,14,15,18,20,23,29,37,53,64,69,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,158,159,163,166,167],product:[3,15,17,53,73,134,159,161,166],profil:113,prog_bar:[113,136],program:113,programat:163,programmat:17,progress:[2,3,6,8,9,10,15,16,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,155],progress_report:165,progressbar:[99,102,110,111,112,118,124,125,128,130],prohibit:[99,100,102,108,109,110,111,112,113,115,117,124,125,128,130,132],project:[0,128,158,162],promis:[16,18],propag:134,proper:[14,15,57,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,140,141,159,166],properi:113,properli:[2,53,113,139,162,163],properti:[17,19,21,38,39,40,41,42,43,44,45,46,47,48,49,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,149,150,156],prophet:[0,4,95,158,161],prophet_kwarg:114,prophet_model:114,proport:[17,32,69,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,152],propos:[0,101,112,158,165],protocol:[134,163],prov:[134,155],prove:[15,61,62,63,64,65,66,68,69,70,71,72],provid:[2,3,5,11,14,15,17,18,20,21,29,31,32,33,35,36,38,39,40,41,42,43,44,45,46,47,48,49,53,58,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,143,149,150,151,152,153,154,156,157,159,161,162,163,166,167],provinc:[134,155],prune:[18,165,167],pruner:165,ps:16,ps_no_st:16,ps_st_bin:16,ps_st_cat:16,pt:[99,102,110,111,112,113,118,124,125,128,130,163,167],ptl:163,ptp:53,publicli:74,publish:[85,87,126],pull:[0,158],pure:[8,19,21,115,149,167],purpl:[4,15],purpos:[21,53,85,87,155,159],push:163,put:[14,53,113],pvalu:154,py:[17,50,57,114,164],pyarray_resolvewritebackifcopi:53,pydata:[58,67,134,155],pyod:[0,47,49,158],pyod_scor:47,pyodscor:[0,37,158],pypi:53,pyplot:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,158,159,163,164],python3:17,python:[2,3,4,5,6,7,8,9,13,14,15,16,19,20,21,53,113,114,123,163,166,167],pytorch:[0,14,15,18,19,85,89,95,99,102,110,111,112,113,118,124,125,126,128,130,135,136,158,159,161,163,164,165,167],pytorch_lightn:[6,16,18,19,99,102,110,111,112,113,118,124,125,128,130,136,165,167],pytorchlightningpruningcallback:[18,165],pyyaml:[162,164],q0:[9,10],q1:73,q3:73,q:[2,15,96,102,112,121,131,149],qld:[17,73],qs:67,quadrat:[3,13,54,154],qualifi:[85,86,87,89,113,150,156],qualiti:[2,11,18,20,99,105,107,110,118,124,125,128,130,159],quantifi:[82,159],quantil:[0,10,14,16,20,21,33,50,82,100,103,108,109,116,132,134,149,158,163,166],quantile_detector:35,quantile_df:134,quantile_loss:82,quantile_timeseri:134,quantiledetector:[0,33,35,158],quantileregress:[10,14,125,149,159,163],quantileregressor:109,quantiles_df:134,quarter:[21,58,67,73],quarterli:[19,67,73,104],quarterly_season:114,quarterly_seri:67,queri:[85,86,87,89,113,125,150,156],question:[0,15,158,160],quick:[5,7,8,14,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,160],quickli:[13,15,18,113],quicksort:53,quickstart:[0,20,158,166],quit:[3,4,15,17,18,20,159],r1:134,r1ecqn4ywb:110,r2:[0,8,134,158],r2_score:[6,8,82,153],r55d9314a45a:130,r:[11,13,17,69,82,97,136,149,153,159],radian:[11,155],radiu:54,rai:160,raill:[0,15,158],rain:[21,99,100,102,108,109,110,111,112,115,117,124,125,128,130,132],raindur:[21,73],rainfal:[99,100,102,108,109,110,111,112,115,117,124,125,128,130,132],rais:[3,53,58,59,67,73,74,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,149,150,152,153,156,157,161,165],ram:[18,167],ramp:16,rand:11,randint:53,randn:[113,159],random:[2,4,11,12,15,16,18,21,53,71,95,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,154,155,156,159],random_component_valu:134,random_forest:115,random_method:156,random_st:[2,5,6,7,8,9,10,14,16,19,20,96,99,100,102,104,108,109,110,111,112,118,123,124,125,128,130,132,159,164],random_walk:155,random_walk_timeseri:155,randomforest:[0,15,20,21,95,115,117,158,159,161],randomforestregressor:[115,159],randomli:[78,167],rang:[2,13,14,15,21,55,58,73,77,79,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,155,159],rangeindex:[13,54,57,58,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,155,157,159,166],rank:113,rank_zero_onli:113,rapid:[0,158],rare:[12,53],rate:[2,18,19,67,73,99,102,110,111,112,113,118,124,125,128,130,136,149,162,163,166,167],rate_noinv_fmt:136,rather:[14,17,61,62,63,64,65,66,67,68,69,70,71,72,99,102,110,111,112,118,124,125,128,130],ratio:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,151],ravasi:15,ravel:53,raw:[15,17,23,33,47,53,72,73,78,128,134,149,159],raw_error:159,rbf:[12,159],rc:13,rdocument:73,rdrr:73,re:[3,15,18,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,149,150,156,159,162,164],reach:[15,159,167],read:[0,5,6,7,14,15,53,58,73,74,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,134,140,141,142,158,161,164,165,167],read_csv:[0,15,134,158],read_excel:15,readi:[159,164],readili:[18,23,163],readm:[20,159,163],readthedoc:[47,93,99,102,110,111,112,113,118,124,125,128,130],real:[12,15,53,159,163],realist:11,realiz:82,realli:[2,14,15,16,18,154],realloc:53,reappli:[62,70],rearrang:53,reason:[15,17,18,31,32,73,85,86,87,89,113,139,150,154,156,159,161,167],recal:[3,15,25,26,27,28,33,34,35,36,50],recap:167,recarrai:53,receiv:[15,21,72,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156,159,162],recent:[14,53,99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132,140,141,142,162,167],recip:[85,86,87,150,156],reclaim:152,recogn:[4,16],recommend:[0,5,7,8,14,18,31,32,99,102,108,110,111,112,113,116,118,124,125,128,130,134,142,158,159,160,164],recomput:123,reconcil:[1,69,134],reconcili:[0,60,134,158,166],reconcilied_pr:17,record:[21,73,85,86,87,89,113,134,150,156],recov:53,recreat:53,rectifi:85,recurr:[2,95,164],recurs:[13,53,85,86,87,89,113,150,154,156,159],red:[11,12,13,15,159],redefin:[62,63,64,69,70,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],reduc:[13,15,19,20,21,47,49,72,78,99,102,103,110,111,112,113,116,118,124,125,128,130,134,142,162,167],reduce_fx:113,reducelronplateau:113,reduct:[13,39,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159],reduction_factor:165,refactor:113,refcheck:53,refer:[0,15,17,18,21,39,46,49,53,58,61,62,63,64,65,66,67,68,69,70,71,72,73,85,86,87,89,96,99,101,102,104,110,111,112,113,115,116,119,120,121,122,123,124,125,127,128,130,131,134,142,149,150,154,155,156,158,159,161,162,163,166,167],referenc:[53,72,85,86,87,89,113,134,150,156],refin:13,reflect:[53,159],refresh_r:[16,136],reg:15,regard:[18,35,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],regardless:[39,46,47,49,62,63,64,69,70,85,86,87,89,113,150,156],region:[17,18,73,134,149,161],regions_reasons_city_comp:17,regions_reasons_comp:17,regist:[85,86,87,89,106,113,150,156],register_backward_hook:[85,86,87,89,113,150,156],register_buff:[85,86,87,89,113,150,156],register_forward_hook:[85,86,87,89,113,150,156],register_forward_pre_hook:[85,86,87,89,113,150,156],register_full_backward_hook:[85,86,87,89,113,150,156],register_full_backward_pre_hook:[85,86,87,89,113,150,156],register_load_state_dict_post_hook:[85,86,87,89,113,150,156],register_modul:[85,86,87,89,113,150,156],register_module_forward_hook:[85,86,87,89,113,150,156],register_module_forward_pre_hook:[85,86,87,89,113,150,156],register_module_full_backward_hook:[85,86,87,89,113,150,156],register_module_full_backward_pre_hook:[85,86,87,89,113,150,156],register_paramet:[85,86,87,89,113,150,156],register_state_dict_pre_hook:[85,86,87,89,113,150,156],reglu:[86,125,130],regress:[0,2,14,15,57,77,78,95,98,99,100,102,103,108,110,111,112,113,115,118,121,124,125,127,128,130,132,142,149,154,158,161,167],regression_ensemble_model:116,regression_model:[20,78,100,108,109,115,116,117,132,159],regression_train_n_point:[20,116,159],regression_train_num_sampl:[20,116],regression_train_samples_reduct:[20,116],regressionensembl:20,regressionensemblemodel:[0,20,95,116,158,159,161],regressionmodel:[0,20,57,58,75,95,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,158,159,161,163],regressionmodel_2020:[96,97,98,100,101,103,104,105,107,108,109,114,115,116,117,119,120,121,122,123,127,131,132,163],regressionmodelwithcategoricalcovari:[108,117],regressor:[21,116,117,153],regular:[2,20,53,156,159,163],regularis:149,reindex:134,reinterpret:53,reject:154,rel:[12,13,14,21,57,58,73,79,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,141,155,159,161],relat:[0,21,37,67,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,158,159,166],relationship:[21,37,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],releas:[85,86,87,89,113,150,156],relev:[2,4,14,15,21,53,105,134,153,154,167],reli:[2,12,20,21,67,99,101,102,110,111,112,118,119,121,124,125,128,130,138,139,140,141,159,163,166],reliabl:53,reload:[18,99,102,110,111,112,113,118,124,125,128,130,136,165],reload_dataloaders_every_n_epoch:113,reload_ext:[11,12],relu:[2,7,8,15,85,86,110,111,113,125,130],remain:[14,20,21,53,61,62,63,64,65,66,67,68,69,70,71,72,134,136,152],remark:15,rememb:2,remind:2,remov:[8,13,15,17,53,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,99,102,106,110,111,112,113,118,124,125,128,130,134,150,154,156,166],removablehandl:[85,86,87,89,113,150,156],remove_dupl:[85,86,87,89,113,150,156],remove_from_seri:154,remove_season:154,remove_trend:154,renam:134,render:21,reparameter:149,repeat:[4,14,15,16,17,53,98,114,159,167],repeatedli:[2,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134],replac:[5,20,53,67,68,72,106,113,134,150,151],replic:159,repo:[0,73,158],report:[18,61,62,63,64,65,66,67,68,69,70,71,72,73,123,165],repositori:20,repres:[0,2,3,4,15,16,17,24,25,26,27,28,32,34,35,36,39,47,49,50,58,63,69,72,77,78,80,99,100,102,106,108,109,110,111,112,113,115,117,118,124,125,128,130,132,134,139,143,149,154,158,159,161,163,166,167],represent:[7,53,55,85,86,87,89,113,134,150,156,166],reproduc:[0,2,15,18,21,158,159,165],reproject:13,request:[0,113,142,152,153,158],requir:[2,3,5,6,9,10,15,16,17,18,21,39,47,49,53,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,143,149,150,156,159,160,163,164,166],required_match:[4,105],requires_covariates_encod:80,requires_fit:[57,58],requires_grad:[85,86,87,89,113,150,156],requires_grad_:[85,86,87,89,113,150,156],requires_input:80,res_block:159,resampl:[2,13,21,67,73,134],resampled_nokwargs_t:134,resampled_t:134,rescal:[13,64,69],rescale_with_valu:134,research:[0,73,101,158],reset:[17,19,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,150,156],reset_dataloader_idx_track:136,reset_index:[6,8,9,10,15],reset_model:[99,102,110,111,112,118,124,125,128,130],reset_paramet:87,reshap:[13,53,61,62,63,64,65,66,67,68,69,70,71,72,110,111],residu:[37,39,47,49,69,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,153,154,159],resiz:[11,53],resize_nois:11,resolut:[13,106],resolv:[85,86,87,89,113,150,156],resourc:142,resources_per_tri:165,resp:163,respect:[0,2,5,15,31,32,35,36,39,47,49,53,57,58,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,150,156,158,159,162,163],respons:[73,113,159],rest:[13,53,113,159,164],restor:[19,99,102,110,111,112,113,118,124,125,128,130],restrict:[5,53,85,87,126,127,154],result:[1,2,3,4,11,13,14,15,16,20,21,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,72,73,75,78,79,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,152,154,155,156,159,162,163,167],result_accumul:19,results_df:19,resum:[18,99,102,110,111,112,118,124,125,128,130,167],retain:[2,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,153],retain_period_common_to_al:157,retained_compon:2,retrain:[2,5,6,7,8,9,10,14,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],retrain_forecasting_model:[20,103],retriev:[11,19,67,78,99,102,110,111,112,118,124,125,128,130,134,136,142,163],return_model_predict:[31,32],return_t:[61,62,63,64,65,66,67,68,69,70,71,72],reus:[15,72,78,134,162],reusabl:85,revers:[19,53,59,87,99,102,110,111,112,113,124,125,128,130],reverse_transform:67,revert:[0,158],revisit:2,rf_smape:15,rf_time:15,rg:124,rho:[82,159],rho_risk:[82,159],rich:[0,18,158,159,163],rick:[0,158],rico:87,ridg:[15,20,21,117,159],right:[3,15,17,72,82,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,139,142,143,150,159,163,166],rin:19,rinorm:[19,87,99,102,110,111,112,113,124,125,128,130],risk:[18,82,159],river:[6,8,9,10],rmse:[16,82],rmsewithuncertainti:100,rmsle:82,rmsnorm:[87,125,130],rng:156,rnn:[1,2,5,99,118,159,163,164],rnn_model:[5,118,164],rnn_test:2,rnnmodel:[0,2,5,6,9,95,99,102,110,111,112,118,124,125,128,130,158,159,161,164,167],rnnmodel_2020:[99,102,110,111,112,118,124,125,128,130],road:73,rob:17,robjhyndman:[73,123,127,150],robust:20,roc:[29,37],roll:[39,47,49,67,72,134],roll_siz:[99,102,110,111,112,113,118,124,125,128,130],rolling_sum_3_comp_0:134,rolling_udf_5_comp:[72,134],room:[0,158],root:[82,87,154,164],root_path:74,roughli:[2,18,159],round:[15,20,21,53,125],rout:153,routin:136,row:[15,16,17,21,53,55,67,72,93,134,166],rr:159,rrelu:[110,111],rst:53,rtx:167,ru:114,rule:[67,103,151,161],run:[2,3,4,6,8,9,10,13,15,18,21,54,59,61,62,63,64,65,66,67,68,69,70,71,72,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,150,156,159,164,165,167],running_mean:[85,86,87,89,113,150,156],running_var:[85,86,87,89,113,150,156],runtim:[13,85,86,87,89,113,150,156],runtimeerror:[53,85,86,87,89,113,150,156],russia:114,ruud:101,s0169207016300243:122,s1:[53,69],s3:53,s:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,29,31,32,33,39,53,59,61,62,63,64,65,66,67,68,69,70,71,72,73,80,85,86,87,89,96,97,99,100,102,104,106,108,109,110,111,112,113,114,115,117,118,121,124,125,128,130,132,134,136,141,142,143,149,150,153,154,155,156,158,159,161,163,164,165,166,167],sa:[17,73],safe:[53,72,113,134],safer:53,sai:[2,77,78,85,86,87,89,113,150,156,159,161,166],said:19,sake:[2,5,17,78,159,165],sako:13,sakoechiba:[54,55],sakoechiba_align:13,sale:[19,73,167],salt:159,same:[0,2,3,4,5,11,12,13,14,16,18,20,21,25,27,29,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,58,61,62,63,64,65,66,67,68,69,70,71,72,79,80,82,85,86,87,89,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,149,150,154,155,156,157,158,159,161,163,166,167],same_kind:53,sampl:[0,2,3,15,18,19,20,21,25,26,27,28,29,32,34,35,36,39,47,49,50,59,60,61,62,63,64,65,66,68,69,70,71,72,73,78,82,88,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,140,141,142,149,152,153,154,155,156,158,159,161,163,166,167],sample_freq:73,sample_img:113,sample_s:[11,12],sample_weight:153,sampler:113,samuel:[0,158],san:73,saniti:[17,20,99,102,110,111,112,113,118,124,125,128,130,136,152,167],sanity_check_descript:136,satisfactori:[31,32,99,102,110,111,112,118,124,125,128,130],satisfi:[53,140,141,152,167],saturating_forecast:114,save:[19,20,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,156,160],save_checkpoint:[2,5,6,7,8,9,10,18,19,99,102,110,111,112,118,124,125,128,130,163,165,167],save_hyperparamet:113,save_model:163,saw:167,sba:101,scalabl:164,scalar:[0,2,53,58,73,82,149,158,166],scale:[0,2,3,6,8,9,10,14,15,18,19,20,37,62,64,69,70,71,82,111,113,114,134,149,158,159,162,163,164,165],scaled_valu:13,scaler:[2,5,6,7,8,9,10,14,15,16,18,19,20,58,59,60,61,62,63,64,65,66,67,68,69,71,72,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,159,163,164,165,167],scaler_air:[2,15],scaler_cov:14,scaler_covari:2,scaler_dataset:2,scaler_en:[6,9,10],scaler_m3:15,scaler_m4:15,scaler_milk:2,scaler_month:20,scaler_sunspot:7,scenario:[20,21,57],scene:[117,149,159,161,163,166],schedul:[19,99,102,110,111,112,113,118,124,125,128,130,165,167],scheme:[134,154],schmidt:154,schwert:154,scienc:[21,122,162],sciencedirect:122,scientif:[0,158,159],scientist:159,scikit:[0,3,12,15,24,39,70,71,92,116,117,158,159],scipi:[13,49,62,72,134],score:[0,15,20,23,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,153,158,159],score_from_predict:[23,37,38,39,40,41,42,43,44,45,46,47,48,49],score_kwarg:31,scorer:[0,23,29,31,32,47,48,49,50,158],scorer_nam:[38,39,40,41,42,43,44,45,46,47,48,49],scov_1_comp_1:142,scov_1_comp_2:142,scov_2_comp_1:142,scov_2_comp_2:142,scratch:[3,98],screen:20,script:[113,164],scriptmodul:[86,87,113,156],se:[127,149],seamlessli:[2,18],search:[13,18,54,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,158,165],searchsort:53,season1:[9,10],season:[2,4,5,8,14,15,21,63,73,82,96,98,104,105,110,114,123,127,154,161],season_length:[119,120,121,122],season_mod:127,seasonal_decompos:154,seasonal_forecast:159,seasonal_model:159,seasonal_ord:96,seasonal_period:[5,104,114,123,159],seasonality_period:127,seasonalitymod:[15,104,127,154,157,159],second:[11,15,53,58,61,62,63,64,65,66,68,69,70,71,72,73,85,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,152,154,155,167],second_order_diff:63,second_seri:16,section:[15,16,20,58,113,159,161,163,164,167],secur:21,see:[0,2,3,4,5,6,8,9,11,12,14,15,16,17,18,19,20,21,53,54,57,58,61,62,63,64,65,66,67,68,69,70,71,72,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,151,153,154,155,156,158,159,161,163,164,166,167],seed:[2,11,12,15,16,21,53,109,123],seem:[2,16,17,18,154,159],seemlessli:14,seen:[1,2,11,15,18,37,73,113,161,163,167],segment:53,seitzer:149,select:[2,4,14,53,54,78,79,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,135,138,155,164,165,167],select_best_model:127,self:[1,15,21,31,32,34,35,39,47,48,49,53,57,58,61,62,63,64,65,67,69,70,71,74,77,85,86,87,89,93,96,97,98,99,101,102,104,105,107,110,111,112,113,114,118,119,120,121,122,123,124,125,127,128,130,131,134,136,150,153,156,167],sell:[85,87,126],selu:[110,111],semilogx:15,send:[0,113,158],sennrich:87,sens:[5,14,15,103,116,118,152,162],sensit:18,sensor:[11,73,166],sep:[53,73,136],separ:[3,8,21,31,32,37,50,53,100,108,109,113,115,117,132,134,142,153,159,164],seq2seri:157,sequenc:[2,3,25,26,27,28,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,58,59,61,62,63,64,65,66,67,68,69,70,71,72,78,79,80,82,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,151,152,154,155,157,159,163,166,167],sequencedataset:141,sequenti:[2,3,14,59,61,62,63,64,65,66,67,68,69,70,71,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,137,150,156,159,166,167],sequential_dataset:140,sequentialencod:[56,57,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132],sequentialencodertransform:[57,58],seri:[4,5,6,7,8,11,12,14,17,18,19,21,23,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,87,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,130,131,132,134,135,138,139,140,141,142,149,150,151,152,157,160,161,162,164,165],serial:[85,86,87,89,113,150,156],series1:[16,53,54,55,73,159,163,166],series1_y_offset:54,series2:[16,53,54,55,159,163,166],series2_y_offset:[13,54],series2seq:157,series3:163,series4:163,series_:[142,159],series_air:[2,159],series_air_sc:2,series_en:[6,9,10],series_en_transform:[6,9,10],series_fil:68,series_hol:159,series_ic:14,series_ice_heat:14,series_ice_transform:14,series_milk:[2,159],series_milk_sc:2,series_multi:[16,134],series_new1:134,series_new2:134,series_nois:159,series_or_tim:142,series_restaur:66,series_sc:[7,8],series_singl:16,series_sp_sc:7,series_sp_transform:[5,6],series_sunspot:[5,6,7],series_transform:[5,14,16,59,62,66,70,71,164],seriou:18,serv:[2,18,82,99,102,110,111,112,118,124,125,128,130,134,155],servic:73,set:[0,2,6,7,8,10,12,15,17,18,19,20,21,31,32,35,36,37,39,46,47,49,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,74,78,82,85,86,87,89,92,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,140,141,142,150,151,152,153,154,155,156,158,159,162,163,164,165,167],set_config:153,set_extra_st:[85,86,87,89,113,150,156],set_facecolor:17,set_fit_request:153,set_mc_dropout:113,set_n_job:[61,62,63,64,65,66,67,68,69,70,71,72],set_param:153,set_partial_fit_request:153,set_predict_paramet:113,set_score_request:153,set_titl:[2,13,15,20],set_to_non:[85,86,87,89,113,150,156],set_verbos:[61,62,63,64,65,66,67,68,69,70,71,72],set_ylim:[2,20],setfield:53,setflag:53,setpoint:11,setup:[0,1,18,21,113,136,158,164,167],sever:[0,2,9,17,18,20,31,32,77,78,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,150,156,158,161,163,166,167],sf_auto_arima:119,sf_auto_c:120,sf_auto_et:121,sf_auto_theta:122,sgd:[18,167],shall:[85,87,123,126],shallow:[85,86,87,89,113,150,156],shap:[0,21,75,77,158],shap_explain:[21,78],shap_explanation_object:77,shap_method:78,shap_object:[77,78],shap_valu:21,shape:[11,12,13,14,15,21,50,53,54,55,58,61,62,63,64,65,66,67,68,69,70,71,72,82,89,113,125,134,139,142,149,153],shape_a:53,shapexplain:[21,77,78],shapexplainabilityresult:[77,78],shaps_:78,shard:113,share:[2,19,53,86,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,156,166],share_memori:[85,86,87,89,113,150,156],share_memory_:[85,86,87,89,113,150,156],shared_tim:142,shared_weight:[102,112],sharp:13,shazeer:[125,130],shift:[0,13,21,55,67,87,99,102,110,111,112,113,124,125,128,130,134,137,155,158,159],shift_covari:141,shifted_dataset:141,shifteddataset:[118,141],shin:154,ship:21,shop:167,shorten:2,shorter:[4,13,18,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,140,141],shortest:15,shot:[14,15,21,99,100,102,108,109,110,111,112,113,115,117,124,125,128,130,132],should:[2,15,16,31,32,37,39,47,49,53,58,61,62,63,64,65,66,67,68,69,70,71,72,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,153,154,155,156,159,162,164,167],show:[2,4,5,6,7,8,9,11,12,14,15,16,17,20,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,53,79,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,142,150,156,159,161,165,167],show_anomali:[29,31,32,39,47,48,49],show_anomalies_from_predict:[38,39,40,41,42,43,44,45,46,47,48,49],show_anomalies_from_scor:50,show_cost:54,show_index_a:[14,79],show_plot:79,show_seri:[13,54],show_warn:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],showcas:[1,161],shown:[2,15,21,79,99,102,110,111,112,113,123,124,125,128,130,134,162,163,164,167],shrink:53,shutil:[5,7,9,19],side:[13,53,55,102,161,167],sigma:149,sigmoid:[110,111],signal:[4,11,12,13,72,93,107,134,163],signatur:[82,85,86,87,89,106,113,142,150,156],signific:[11,18,19,105,113,151,154,159],significantli:[4,13,18,142,167],silent:[85,86,87,150,156],silicon:15,sim:85,similar:[0,2,3,13,15,20,35,53,66,82,85,86,87,89,97,111,113,114,128,134,142,150,156,158,159,166,167],similarli:[2,15,17,19,53,66,72,85,86,87,89,109,111,113,128,134,142,149,150,156,159,161,167],simpl:[2,3,4,9,11,12,13,17,20,21,31,32,53,85,86,87,89,94,98,99,102,103,105,107,110,112,113,116,118,124,125,127,128,130,139,150,152,153,156,159,161,165,166,167],simplemodel:113,simpler:[159,161],simplerangescal:[64,69],simpletransform:[61,65,69],simplex:149,simpli:[2,4,13,17,20,37,38,53,57,61,62,63,64,65,66,67,68,69,70,71,72,98,103,116,130,134,142,159,163,167],simplic:[17,18,21,159],simplifi:[8,13,21,53,73,149],simplified_nam:149,simul:[0,5,6,158],simultan:[15,53],sin:[11,58,134,155,159],sinc:[2,3,4,5,6,7,13,14,15,20,21,53,63,85,86,87,89,103,113,116,142,149,150,152,156,159,164],sine:[2,9,16,58,96,97,107,114,119,121,155],sine_seri:16,sine_series_st_bin:16,sine_series_st_cat:16,sine_timeseri:[2,9,10,12,16,155,163],sine_v:16,singapor:73,singl:[0,2,9,10,12,14,16,17,18,20,23,24,35,36,49,53,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,78,79,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,142,149,150,152,154,156,157,158,159,161,163,165,166,167],single_model:21,singleargmodel:113,singleencod:[56,57],sinusoid:155,site:17,situat:[162,166],sixth:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],size:[2,7,13,14,15,16,18,21,34,35,36,37,39,47,49,50,53,54,55,58,69,72,79,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,140,141,142,150,152,154,155,156,159,164,166],skew:134,skip:[3,8,14,18,53,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156],skip_check:[99,102,110,111,112,118,124,125,128,130],sklearn:[0,3,5,7,9,12,15,18,19,20,21,27,70,71,92,100,108,109,115,117,132,142,153,158,159,165],skrodzki:[0,158],slice:[2,5,13,14,15,37,39,53,99,102,110,111,112,118,124,125,128,130,134,138,140,141,143,153,157,159,161,163,167],slice_index:157,slice_intersect:[9,10,134],slice_n_points_aft:134,slice_n_points_befor:134,slide:[49,98],sliding_window_view:142,slightli:[13,15,17,18,159,161,165],slope:[55,159],slow:[15,164],slower:[15,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],small:[15,18,20,59,61,62,63,64,65,66,67,68,69,70,71,142,152,159],small_siz:13,smaller:[13,53,55,124,134,142,159],smallest:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142],smape:[2,15,18,82,150,165],smape_v:[18,165],smapeloss:[15,150],smapes_2:15,smapes_3:15,smapes_4:15,smapes_m3:15,smart:159,sme:73,smooth:[0,4,5,11,12,15,16,73,95,101,120,127,158,159,163],snapshot:163,snip:167,snippet:163,so:[2,3,8,9,12,13,16,17,18,21,53,61,62,63,64,65,66,68,69,70,71,72,73,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,141,143,149,150,152,153,156,157,159,163,164,166,167],societi:73,softplu:[110,111],softwar:[85,87,126],solar:[21,73],solut:[54,58,127],solv:[4,134,159,162],solver:[13,54],some:[0,1,2,3,4,9,13,15,16,17,18,20,21,23,29,33,35,37,53,54,57,58,61,62,63,64,65,66,68,69,70,71,72,73,78,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,138,139,140,141,149,150,152,153,156,158,160,161,162,163,164,165,166,167],some_column:125,some_compon:77,some_dtyp:53,some_other_st:113,some_sklearn_model:15,some_st:113,somecomponentbasedexplain:77,someforecastingmodel:[58,161],somehorizonbasedexplain:77,someon:3,someth:[53,85,86,87,89,113,136,150,156],something_cool_i_want_to_sav:113,sometim:[2,3,21,53,85,99,102,104,110,111,112,118,124,125,128,130,159,163,166],sometorchforecastingmodel:[58,167],somewhat:[13,15],somewher:[15,16],soon:2,sore:73,sort:[2,53,142,159,166],sorter:53,sourc:[0,18,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,85,86,87,88,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,133,134,136,138,139,140,141,142,143,144,149,150,151,152,153,154,155,156,157,158],south:17,sp:15,space:[11,18,39,53,58,73,93,156,165],span:[2,57,82,99,102,110,111,112,118,124,125,128,130,134,138,140,141,157,159,160,163,166],spars:153,sparsecostmatrix:53,spawn:[54,99,102,110,111,112,118,123,124,125,128,130,134],speak:[118,161,167],special:[2,19,161,165],specif:[4,8,15,16,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,82,99,102,110,111,112,113,118,124,125,128,130,134,142,149,159,161,163,164,166],specifi:[0,2,3,6,15,16,17,18,20,21,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,149,150,154,155,156,158,159,161,163,166,167],specifici:15,specifii:114,speed:[2,3,5,13,15,18,53,54,73,167],speedup:[159,167],spelt:53,spend:15,spent:15,spike:159,split:[0,4,6,8,9,10,14,15,17,18,19,21,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,140,141,152,158,159,165,166,167],split_aft:[3,4,5,6,7,8,9,10,14,19,20,21,134,164,165,167],split_befor:[0,3,14,134,158,159],split_point:[134,157],splitcovari:143,splitcovariatesinferencedataset:139,splitcovariatesmodel:167,splitcovariatessequentialdataset:140,splitcovariatesshifteddataset:141,splitcovariatestorchmodel:[129,143],splitcovariatestrainingdataset:[140,141,143],splitter:152,spot:[0,158],sqrt:[53,82],squar:[3,82,87,153],squarer:3,squeez:53,src:[89,130],src_key_padding_mask:89,src_mask:89,ss:163,ssig:[0,158],st:16,stabil:87,stabl:[27,46,53,58,67,99,102,110,111,112,118,124,125,128,130,131,134,142,155],stack:[2,5,8,11,14,15,16,20,21,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,159,161,163],stack_sampl:[61,62,63,64,65,66,67,68,69,70,71,72],stackexchang:121,stadt:73,stage:[2,5,6,8,9,10,113,136,154,163,167],stai:161,stall:113,stamp:[2,18,32,73,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,163,166],stand:[16,58,71,123,167],standard:[4,7,53,122,134,136,149,155],standardis:2,start:[2,5,6,7,8,9,10,11,13,14,15,16,18,20,32,53,55,58,59,63,67,68,72,77,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,141,152,154,155,157,159,162,164,167],start_column0:55,start_dat:[8,15,21],start_format:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],start_month:15,start_p:97,start_q:97,start_t:134,start_tim:[2,5,6,8,9,10,13,14,15,21,134,142],start_valu:[3,64,69,155],start_year:15,starting_valu:155,startingd:15,stat:[49,62,121,134,154],state:[0,2,5,8,9,10,11,19,21,73,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,155,156,158,162,163],state_dict:[85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,136,150,156],state_kei:136,static_col:[16,134],static_cov:[71,134],static_cov_1:134,static_cov_2:134,static_covari:[16,61,62,64,65,69,70,71,134,138,139,140,141,142,143,161,166],static_covariates_import:77,static_covariates_transform:[71,125],static_covariates_valu:134,static_covs_multi:[16,134],static_covs_singl:16,staticcovariatestransform:[16,71,125],staticmethod:[61,64,65,69],station:73,stationar:[63,131,154],stationari:[63,80,134,154],stationarity_test:154,stationarity_test_adf:154,stationarity_test_kpss:154,statist:[0,3,5,7,8,9,14,21,95,96,97,98,99,100,101,102,104,105,107,108,109,110,111,112,114,115,117,118,119,120,121,122,123,124,125,127,128,130,131,132,135,158,159,161],statsforecast:[0,88,101,119,120,121,122,158,162],statsforecast_util:88,statsforecastautoarima:[0,95,97,158,161],statsforecastautoc:[0,95,158,161],statsforecastautoet:[0,95,158,161],statsforecastautotheta:[0,95,158,161],statsmodel:[17,96,104,131,154],stattool:154,statu:[61,62,63,64,65,66,67,68,69,70,71,72],std:[9,10,11,12,18,53,72,88,134,155],stdin:53,steadi:11,steeper:[13,55],step:[2,3,7,13,14,15,16,18,20,21,26,28,33,53,57,58,59,62,63,64,67,68,69,70,72,78,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,141,149,153,155,159,161,165,166,167],stephan:121,still:[2,4,15,18,21,53,99,102,107,110,111,112,118,124,125,128,130,142,159,160,161],stl:154,stm:122,stochast:[0,3,18,40,41,42,43,44,45,50,62,70,82,92,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,154,158,166],stop:[13,15,18,19,59,68,99,102,110,111,112,118,124,125,128,130,150,159,165],storag:[53,85,86,87,89,113,134,150,156,164],store:[2,3,9,19,21,53,55,58,61,62,63,64,65,66,67,68,69,70,71,72,77,79,85,86,87,89,99,102,106,110,111,112,113,118,124,125,128,130,134,136,150,156,161,163,166],str:[4,6,8,9,10,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,149,150,151,152,153,154,155,156],strategi:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,164],strength:[149,163],strglo:[21,73],strict:[85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,150,156],strictli:[18,54,85,86,87,89,99,102,110,111,112,113,117,118,124,125,128,130,149,150,156],stride:[2,5,6,7,8,9,10,14,20,39,47,49,53,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,139,142,150,156],stride_trick:[53,142],strided_moving_window:142,strides_a:53,string:[53,57,58,67,72,78,80,85,86,87,89,99,102,108,110,111,112,113,117,118,124,125,128,130,134,142,150,153,155,156],strip:[21,67,134],strong:[4,21],stronger:9,strongli:164,structur:[53,113,142],studi:[18,165],style:[15,53,54],sub:[2,15,21,53,57,58,125,151,153,157,161],subclass:[53,57,58,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156],subject:[2,73,78,85,87,126,164],sublicens:[85,87,126],submodul:[0,85,86,87,89,113,150,156,158,167],subobject:153,subok:53,subplot:[2,15,19,20,79],subprocess:164,subroutin:[82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],subsect:[161,167],subsequ:[37,39,47,49,53,64,69,85,86,87,89,105,113,150,156],subseri:[151,167],subset:[17,37,78,167],subslic:15,substanti:[85,87,126,167],subtil:20,subtract:[4,96,112,131,159],succe:15,success:[2,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,156,159],successfulli:164,suffer:18,suffici:[2,15,31,32,99,102,110,111,112,118,124,125,128,130,159],suffix:134,suggest:[0,11,18,53,98,99,102,104,110,111,112,118,124,125,128,130,134,158,159,162,167],suggest_categor:[18,165],suggest_float:[18,165],suggest_int:[18,165],suit:[4,5,23],suitabl:[0,7,53,130,158,167],sum:[9,10,15,17,21,53,54,63,72,113,134,153],sum_:[82,150],sum_city_nonc:17,sum_i:149,summari:[78,85,99,102,110,111,112,118,124,125,128,130,156,160],summaris:69,summary_plot:[21,78],summarywrit:[7,9],summer:54,sun1:167,sun_gru:5,sun_spots_transform:7,sundai:73,sunspot:[7,13,73],sunspotsdataset:[5,6,7,13,73],supervis:[15,20,21,99,102,110,111,112,117,118,124,125,128,130,159],suppli:[14,16,57,58,61,62,63,64,65,66,68,69,70,71,72,73,92,139,161,167],support:[0,2,3,14,16,17,18,20,21,32,53,55,57,58,78,82,85,91,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,151,152,153,154,158,159,160,162,166],supports_future_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],supports_likelihood_parameter_predict:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],supports_multi_t:163,supports_multivari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],supports_optimized_historical_forecast:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],supports_past_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],supports_static_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],suppos:[3,142],suppress:114,suppress_stdout_stderror:114,suppress_warn:134,sure:[2,6,20,21,53,99,102,110,111,112,113,118,124,125,128,130,162,163],surprisingli:4,suscept:2,suspicion:58,swap:53,swapax:53,sweep:[99,102,110,111,112,118,124,125,128,130],swiglu:[86,125,130],swiss:73,switzerland:[15,21,73],sy:53,symmetr:[82,134],sync:113,sync_dist:113,sync_dist_group:113,sync_grad:113,synchron:113,syntax:53,synteto:101,synthet:11,system:[0,15,18,73,87,93,107,113,130,158,159],systemerror:53,t0:21,t:[2,3,4,6,9,14,15,16,17,18,21,53,61,62,63,64,65,66,67,68,69,70,71,72,73,78,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,153,154,155,156,159,161,162,163,164,167],t_0:[77,78],t_0_target_lag:[77,78],t_1:[77,78],t_1_target_lag:[77,78],t_destin:[85,86,87,89,113,150,156],t_i:21,ta:[17,73],tab:15,tabl:[0,20,142,154,161,167],tabular:[15,21,117,142,159],tabularizion:21,tafti:[0,158],tag:[58,113],tail:[134,149],tailor:58,take:[0,2,3,9,11,12,15,18,20,21,23,24,29,33,37,53,54,57,58,61,62,63,64,65,66,67,68,69,70,71,72,76,77,78,82,85,86,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,150,154,155,156,158,159,163,166,167],taken:[3,20,61,69,73,114,126,134],takes_future_covari:58,takes_past_covari:58,tanh:[110,111],target1:161,target2:[161,167],target:[0,2,5,9,10,14,15,16,20,31,32,57,58,67,72,73,77,78,79,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,149,150,153,156,158,159,160,161,162,163,166],target_2:161,target_compon:[77,78,79,80],target_dim:[100,108,109,115,117,132],target_nam:[77,78],target_seri:[9,10,138,139,140,141,142],target_train:[9,10],target_v:[9,10,167],task:[3,15,37,80],tau:82,taylor:73,taylordataset:73,tb:74,tbat:[0,95,158,159,161],tbats_model:123,tcn:[0,1,2,6,10,20,124,158,163,165],tcn_air:6,tcn_energi:6,tcn_model:[18,20,124,165],tcn_sun:6,tcn_test:10,tcnmodel:[0,2,6,10,18,20,95,124,158,159,161,163,165],teardown:[113,136],technic:[85,86,87,89,113,149,150,156,162],techniqu:[17,18,20,57,99,105,107,110,116,118,124,125,128,130,156,159],tell:[0,4,5,14,15,16,53,58,113,158,159],temp:19,temperatur:[4,21,73,99,100,102,108,109,112,115,117,118,125,128,131,132,161,167],temperature_forecast:167,temperaturedataset:[4,73],templat:21,tempor:[0,2,19,21,57,58,61,62,63,64,65,66,67,68,69,70,71,72,75,95,126,128,158,159,161],temporal_decoder_hidden:128,temporal_kw:58,temporal_width_futur:128,temporal_width_past:128,temporalfusiontransform:125,temporarili:136,tend:[2,20,21,161,167],tensor:[85,86,87,89,110,111,113,139,149,150,156,164],tensorboad:167,tensorboard:[99,102,110,111,112,113,118,124,125,128,130,167],tensorboardx:[7,9],tent:[82,127],term:[2,4,14,15,20,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,159,163,164,167],terribl:159,test:[2,4,6,7,8,9,15,18,19,49,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,152,153,154,159,164,165,167],test_acc:113,test_cas:16,test_dataload:113,test_descript:136,test_loss:113,test_progress_bar:136,test_seri:15,test_siz:152,test_stationar:80,test_step:113,testing_model:7,teunter:101,text:[2,8,13,53,82,113,149],tf:113,tfm:160,tfmprogressbar:[2,6,8,9,10,136],tft:[0,75,77,95,158,167],tft_explain:79,tft_model:[79,125],tft_submodel:126,tftexplain:[14,77,79],tftexplainabilityresult:[77,79],tftmodel:[0,2,14,75,95,99,102,110,111,112,118,124,125,128,130,158,159,161,167],tg:[9,10,11,12,13,16,163],tgt:[89,130,150],tgt_is_caus:89,tgt_key_padding_mask:89,tgt_mask:89,th:[14,53,61,62,63,64,65,66,67,68,69,70,71,72,114,134,138,140,141,142,149],thailand:114,than:[2,3,4,12,13,14,15,16,18,19,20,49,50,53,54,55,61,62,63,64,65,66,67,68,69,70,71,72,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,154,159,161,162,163,164,166],thank:18,thei:[2,3,14,15,16,17,18,20,23,25,27,33,35,36,37,38,40,41,42,43,44,45,46,48,53,58,85,86,87,89,91,96,97,98,99,100,101,102,103,107,108,109,110,111,112,113,114,115,116,117,118,119,121,123,124,125,128,130,131,132,134,140,141,149,150,154,156,157,159,161,163,166,167],them:[2,3,7,12,13,14,15,16,17,18,20,21,24,53,54,58,59,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,98,99,102,103,110,111,112,113,116,118,124,125,128,130,134,136,150,154,156,159,161,167],themselv:[2,15,53,59,161,163,167],theori:[21,142],therebi:[61,62,63,64,65,66,67,68,69,70,71,72],therefor:[11,63,140,141,159],thereof:113,theta:[0,4,11,15,17,95,122,158,161],theta_smap:15,theta_smapes_m3:15,theta_tim:15,theta_time_m3:15,thi:[0,3,4,5,6,7,8,9,11,12,13,14,15,16,17,18,19,20,21,31,32,35,36,37,38,39,46,47,48,49,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,134,136,138,139,140,141,142,143,149,150,152,153,154,155,156,158,159,160,161,162,163,164,165,166],thin:97,thing:[0,2,5,8,9,18,19,21,113,158,159,162,165],think:[2,161],third:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],thoma:[0,158],those:[3,17,58,61,62,63,64,65,66,67,68,69,70,71,72,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,159,163,166],though:[2,6,12,13,15,127,142,149,159,161,167],thousand:159,thread:[15,123],three:[0,2,4,7,14,15,16,20,67,73,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,158,159,161,164],threshold:[13,29,31,32,33,35,37,38,39,40,41,42,43,44,45,46,47,48,49,99,102,110,111,112,118,124,125,128,130,154],threshold_detector:36,thresholddetector:36,throat:73,through:[13,15,16,18,19,53,58,61,62,63,64,65,66,68,69,70,71,72,89,113,136,164,167],throughout:[18,99,102,110,111,112,118,124,125,128,130,165],thrown:[85,86,87,89,113,142,150,156],thu:[2,3,5,18,39,47,49,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,152,164],thumb:161,ti:53,tic:15,tick:13,tide0:19,tide1:19,tide:[0,19,95,158],tide_model:128,tidemodel:[0,19,95,128,158,161],tight:142,tight_layout:[15,20,21],tile:13,time:[4,5,6,7,8,9,10,11,12,14,17,18,19,20,21,23,26,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,51,53,55,57,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,130,131,132,134,135,138,139,140,141,142,149,150,151,152,156,157,159,160,162,163,164,165],time_axi:15,time_col:[15,16,134],time_dim:134,time_idx:17,time_index:[14,16,20,58,61,62,63,64,65,66,67,68,69,70,71,72,131,134,142,155,159],time_intersect:14,time_rang:13,time_seri:[73,74],timedelta:[72,134],timeout:18,times_m3:15,timeseri:[0,5,6,7,8,9,10,11,12,13,14,15,17,18,21,22,24,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,91,92,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,135,138,139,140,141,142,143,151,152,154,155,157,158,160,161,162,163],timeseries_gener:[2,3,5,6,9,10,11,12,13,14,16,20,61,64,65,69,96,97,107,114,119,121,131,134,155,159,163],timestamp:[3,4,5,6,7,8,9,10,14,15,17,20,21,32,39,46,47,49,50,57,66,77,78,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,151,155,157,159,163,164,165,166,167],timestemp:21,timestep:[21,37,61,62,63,64,65,66,67,68,69,70,71,72,114,131,134,142,152,167],timezon:58,timsort:53,titl:[0,2,3,5,7,8,13,14,15,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,85,154,158,159],titles:13,tl:160,tlc:73,to_cpu:[99,102,110,111,112,118,124,125,128,130,167],to_csv:134,to_dens:53,to_dtyp:113,to_empti:[85,86,87,89,113,150,156],to_json:134,to_onnx:113,to_pickl:134,to_torchscript:113,tobyt:53,todailyaverag:3,tofil:53,togath:142,togeth:[2,13,20,58,59,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,138,139,161,166],toggl:[53,113],toggle_optim:113,toi:[2,3,9,11],token:[85,113],tokyo:73,tolist:53,toma:[0,158],tonn:73,too:[0,2,3,15,18,104,142,152,158,159,161,163,164,167],took:82,tool:[0,18,23,158],top:[9,17,20,69,134,160,161],top_level_compon:134,top_level_seri:134,topdownreconcili:[17,69],topic:[2,20,73,164,167],torch:[2,5,6,7,8,9,10,14,15,18,19,85,86,87,89,99,102,110,111,112,113,118,124,125,128,129,130,136,139,143,150,156,160,161,163,165],torch_doctest_cuda1:[85,86,87,89,150,156],torch_forecasting_model:[99,102,110,111,112,118,124,125,128,130],torch_metr:[99,102,110,111,112,113,118,124,125,128,130,165,167],torch_stabl:164,torch_xla:164,torchforecastingmodel:[16,19,57,58,99,102,110,111,112,113,118,124,125,128,129,130,136,143,165,167],torchmetr:[99,102,110,111,112,113,118,124,125,128,130,165,167],torchparametricprobabilisticforecastingmodel:129,torchscript:113,torchtext:164,torchvis:[113,164],tort:[85,87],tostr:53,total:[2,3,4,13,15,17,21,53,54,59,61,62,63,64,65,66,67,68,69,70,71,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,140,141,142,153,159,164,166],total_fmt:136,total_predict_batches_current_dataload:136,total_test_batches_current_dataload:136,total_train_batch:136,total_val_batch:136,total_val_batches_current_dataload:136,touch:159,tourism:[1,73],tourism_seri:17,toward:[2,14],tpu:[0,15,18,113,158,159,160,167],tpu_cor:164,tqdm:[5,7,9,14,15,18,21,136],tqdm_asyncio:136,tqdm_notebook:[5,7,9,14],tqdm_progress:136,tqdmprogressbar:[6,16,136],trace:[53,69,113],traceback:53,track:[2,11,99,102,110,111,112,118,124,125,128,130,167],trade:54,tradeoff:15,tradit:21,traffic:159,trafficdataset:73,train:[0,3,5,6,7,8,9,10,16,17,18,19,21,25,29,31,32,33,34,35,37,39,47,48,49,57,58,69,77,78,79,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,137,139,142,149,150,152,156,158,160,161,162,163,164,165,166],train_air:[2,159],train_air_sc:159,train_batch:113,train_dataload:113,train_dataset:[99,102,110,111,112,118,124,125,128,130],train_descript:136,train_en:[6,9,10],train_en_transform:[6,9,10],train_fn_with_paramet:165,train_forecasting_model:[20,98,103,116],train_ic:14,train_ice_transform:14,train_length:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],train_loss:[113,167],train_metr:[15,159],train_milk:[2,159],train_milk_sc:159,train_model:165,train_num_sampl:103,train_progress_bar:136,train_sample_shap:113,train_samples_reduct:103,train_scal:[6,7,8],train_seri:[15,16,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],train_set:18,train_sp:[5,7],train_sp_scal:7,train_sp_transform:[5,6],train_test_split:152,train_transform:[5,14,164],train_using_historical_forecast:[20,116],train_val_set:18,trainabl:[15,23,29,33,37,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,164],trainer:[0,15,19,99,102,110,111,112,113,118,124,125,128,130,136,158,159,163,164,167],training_cutoff:[14,167],training_cutoff_ic:14,training_dataset:[138,140,141,143],training_epoch_mean:[113,136],training_iter:165,training_length:[2,5,9,118,164,167],training_sc:2,training_set:2,training_step:[113,136],training_step_output:[113,136],trainingdataset:[2,99,102,110,111,112,118,124,125,128,130,141,143,167],trait:2,transfer:[0,67,113,134,158,167],transfer_batch_to_devic:113,transferablefuturecovariateslocalforecastingmodel:[96,107,131],transform:[0,2,5,6,8,9,10,13,15,17,18,19,20,23,25,26,27,28,33,37,39,47,48,49,50,51,57,58,59,66,68,69,70,73,75,82,85,87,89,95,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,123,124,126,128,131,132,134,155,158,159,161,163,164,165,166,167],transform_mask:57,transformer_cat:71,transformer_heat:14,transformer_ic:14,transformer_model:130,transformer_num:71,transformer_sunspot:5,transformerdecoderlay:89,transformerencoderlay:89,transformermodel:[0,2,7,95,128,130,158,161],transit:[85,86,87,89,113,150,156,159],translat:[21,139],transpar:[2,6],transport:[15,53,73],transpos:53,travel:17,travers:[53,59],treat:[31,32,37,39,47,49,72,107,108,113,117,134,152,156],treat_na:[72,134],tree:[17,20,78,108,115],trend:[2,4,5,8,9,10,14,20,21,96,104,105,110,123,127,131,154,159,161],trend_mod:127,trend_poly_degre:105,trend_polynomial_degre:[2,8,15,110],trendmod:[15,127,157],tri:[15,85,86,87,89,105,113,150,152,156],trial:[18,165],trick:167,trigger:[20,167],trigonometr:123,trim:[0,96,97,101,107,114,119,121,131,142,157,158],trivial:[0,2,18,158],troubl:53,trough:[12,13],truli:53,truncat:[72,134,154],trust:[21,159],truth:[19,20,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149],ts:[3,4,6,11,13,16,127,134,154,157,159],ts_2:4,ts_3:4,ts_air:20,ts_caus:154,ts_effect:154,ts_energi:21,ts_energy_train:21,ts_energy_v:21,ts_fit:[61,62,63,64,65,66,67,68,69,70,71,72],ts_inverse_transform:[62,63,64,65,66,67,69,70,71],ts_length:152,ts_scale:[6,16],ts_shape:13,ts_shape_seri:13,ts_smooth:13,ts_transform:[8,61,62,63,64,65,66,67,68,69,70,71,72],ts_weather:21,tsa:[17,104,154],tsb:101,tslib:134,tu:114,tune:[15,18,19,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,159,160],tune_callback:165,tune_dart:165,tuneabl:18,tuner:[99,102,110,111,112,118,124,125,128,130],tunereportcallback:165,tupl:[15,17,21,53,54,55,57,58,73,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,143,150,152,154,156],turkei:114,turn:[100,108,109,115,117,132,140,141,152,153,156,163],tutori:[2,16,161],tweak:[7,20],two:[2,3,5,7,8,13,14,15,16,20,21,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,58,61,62,63,64,65,66,67,68,69,70,71,72,73,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,149,150,152,155,156,161,162,163,166,167],type:[2,9,15,16,17,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,85,86,87,88,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,139,141,142,143,149,150,151,152,153,154,155,156,157,161,163,164,166,167],type_of_cov:[77,78],typecod:53,typeerror:[53,113,142],typevar:[85,86,87,89,113,150,156],typic:[3,15,17,18,24,33,53,63,70,71,85,86,87,89,113,119,121,149,150,156,161,167],tz:[21,58,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,134,155],u1:[3,64,66,69],u2:53,u8dart:159,u:[11,18,73,93,153],ub:142,uber:73,ubertlcdataset:73,uci:73,udf:[72,134],ugz_meteodaten_stundenmittelwert:73,uic:53,uint32:53,uint8:53,ultim:53,un:[108,109,115,117,132],unabl:[61,62,63,64,65,66,67,68,69,70,71,72],unappli:[61,62,63,64,65,66,68,69,70,71,72],unapply_component_mask:[61,62,63,64,65,66,67,68,69,70,71,72],uncertainti:[9,12,100,110,111,124,125,128,149,156],unchang:[53,85,86,87,89,150,153,156],uncom:12,uncov:[15,37],undefin:[53,85,86,87,89,113,150,156],under:[15,20,21,40,41,42,43,44,45,46,53,58,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,150,154,156,160,163,167],underli:[0,11,12,16,21,31,32,39,47,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,77,93,108,116,123,134,143,153,155,158,161,166],understand:[14,17,159,162],understim:20,undifferenc:63,undo:[61,62,63,64,65,66,67,68,69,70,71,72],undocu:53,unequ:[140,141],unexpect:[85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156],unexpected_kei:[85,86,87,89,113,150,156],unfortun:[3,73,167],unfreez:113,uni:[16,54,134,154],unifi:[3,21,159],uniform:[138,140,141,165],uniform_averag:153,uniformli:[134,138,149],union:[2,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,151,152,153,154,155,157],uniqu:[2,58,113,125,134,136,154],unit8:[0,17,142,158,162],unit8co:108,unit:[73,85,134,154,155,164],unit_scal:[64,69],univari:[0,2,7,8,14,18,24,25,26,27,28,38,39,40,41,42,43,44,45,46,47,48,49,50,54,73,77,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,154,155,158,159,166],univariate_compon:[8,134],univariate_scor:48,univariate_valu:[13,134],unknown:[99,100,102,108,109,110,111,112,115,117,124,125,128,130,132],unless:[18,53,85,86,87,89,92,113,134,150,156],unlik:[53,142,162],unmask:[61,62,63,64,65,66,67,68,69,70,71,72,127],unnecessarili:[99,102,110,111,112,118,124,125,128,130],unpack:[53,88],unpack_sf_dict:88,unpickl:53,unpromis:18,unrestrict:154,unsaf:53,unsampl:67,unscal:113,unseen:[2,8],unspecifi:53,unstabl:15,unstack:[61,62,63,64,65,66,67,68,69,70,71,72],unstack_sampl:[61,62,63,64,65,66,67,68,69,70,71,72],unsurprisingli:18,untest:164,until:[2,9,10,14,15,21,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,154,155,159,163,165,167],untoggl:113,untoggle_optim:113,untrain:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],untransform:[61,62,63,64,65,66,67,68,69,70,71,72],untypedstorag:113,unus:14,unweight:73,up:[0,2,5,13,15,17,53,58,59,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,154,155,158,159,161,163,164,165,166,167],upcom:167,updat:[53,55,73,85,86,87,89,99,102,106,110,111,112,113,118,124,125,128,130,150,153,156],upfront:[159,163,167],upload:15,upon:[4,31,32,63,93,127,159],upper:[2,19,35,36,50,53,99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132,134,140,141,142,167],upsampl:67,upward:[2,4,20],uri:74,url:[0,113,158],us:[0,1,4,5,6,7,8,9,10,13,14,19,23,24,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,143,149,150,151,152,153,154,155,156,157,158,160,162],usa:15,usabl:[133,156,166],usag:[3,21,98,99,102,103,105,106,107,110,111,112,116,118,124,125,128,130,135,142,164,167],use_arma_error:123,use_box_cox:123,use_damped_trend:123,use_fitted_valu:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],use_layer_norm:128,use_moving_window:142,use_pl_optim:113,use_reversible_instance_norm:[19,99,102,110,111,112,113,124,125,128,130],use_static_covari:[14,100,102,108,109,112,115,117,125,128,132,138,139,140,141,142],use_trend:123,usedlag:154,useless:[4,73],user:[0,2,17,21,36,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,127,128,130,131,132,134,150,153,156,158,159,161,163,166],user_guid:67,uses_future_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],uses_past_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],uses_static_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142],usgasolinedataset:73,usual:[2,13,15,53,78,85,130,150,161,162],uszkoreit:130,utc:73,util:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,18,19,20,21,22,23,25,26,27,28,57,61,64,65,69,78,80,85,86,87,89,96,97,99,102,104,105,107,110,111,112,113,114,118,119,121,123,124,125,127,128,130,131,133,134,136,138,139,140,141,142,143,144,149,150,153,154,158,159,163,164,165,167],utilis:142,v0:126,v1:69,v23:[0,158],v2:20,v:[53,113,153,164],v_num:[136,164],val:[0,4,5,6,7,8,14,15,17,18,19,20,21,53,61,62,63,64,65,66,67,68,69,70,71,72,99,102,110,111,112,113,118,124,125,128,130,136,158,159,163,164,165,167],val_acc:113,val_air:[2,159],val_batch:113,val_dataload:113,val_dataset:[99,102,110,111,112,118,124,125,128,130],val_en:[6,9,10],val_en_transform:[6,9,10],val_future_covari:[2,5,9,99,100,102,108,110,111,112,118,124,125,128,130,132,167],val_ic:14,val_ice_transform:14,val_len:[18,165],val_loss:[18,19,99,102,110,111,112,113,118,124,125,128,130,165,167],val_meanabsolutepercentageerror:[165,167],val_metr:[15,159],val_milk:[2,159],val_past_covari:[2,6,10,99,100,102,108,110,111,112,118,124,125,128,130,132,167],val_progress_bar:136,val_scal:[6,7,8],val_seri:[2,5,6,7,8,9,10,14,18,19,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,164,165,167],val_set:18,val_sp:[5,7],val_sp_scal:7,val_sp_transform:[5,6],val_transform:[5,14,164],valid:[0,3,6,7,8,9,10,16,17,18,19,20,21,57,58,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,143,152,153,158,160,163,164,165],validation_cutoff:21,validation_descript:136,validation_end:165,validation_sc:2,validation_set:2,validation_step:113,validli:142,valu:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,20,21,25,26,27,28,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,60,61,62,63,64,65,66,67,69,70,71,72,73,77,78,79,80,82,85,86,87,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,135,136,142,143,144,149,150,152,153,154,155,156,157,158,161,163,165,166,167],valuabl:[2,163],value_amplitud:[9,10,155],value_at_first_step:134,value_col:[15,16,134],value_frequ:[9,10,12,16,155,163],value_ne5:[21,73],value_ne5_q0:21,value_ne5_target_lag:21,value_ne7:73,value_phas:155,value_y_offset:155,valueerror:[3,53,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,157],values_seri:15,van:[0,158],vanilla:[5,19,99,118],var1:16,vari:[0,16,53,67,134,149,158,166],variabl:[2,14,15,16,18,21,53,79,96,125,134,142,153,159,161],varianc:[12,53,69,100,134],variant:[17,85,89,99,118,125,130],variat:[54,82,96,97,98,99,101,102,103,104,105,107,110,111,112,114,116,118,119,120,121,122,123,124,125,127,128,130,131],varieti:[0,158],varima:[0,2,95,158,161],variou:[8,15,107],varuna:85,vaswani:130,ve:[13,15],vector:[2,16,39,46,47,49,69,73,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163],vector_autoregress:131,vectoris:[61,62,63,64,65,66,67,68,69,70,71,72,142],venv:[0,158],verbos:[2,3,5,6,7,8,9,10,14,18,19,20,21,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,165],veri:[4,10,12,15,18,53,113,114,130,134,159,161,164,165,167],version:[0,2,17,18,53,73,85,86,87,89,91,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,149,150,153,156,158,161,162,164,167],vertic:[16,54],vertical_split_typ:152,vfr:[17,73],via:[21,53,74,111,128,167],vic:[17,73],video:[0,158],vietnam:114,view:[15,21,53,54,85,86,87,89,113,134,142,143,150,156,159],violin:78,virtual:[65,106,159],virtualenv:[0,158],virtualenvwrapp:[0,158],visit:[73,99,102,108,110,111,112,118,124,125,128,130],visual:[18,29,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,54,167],visualis:[2,15,18],vizual:21,vmax:21,vmin:21,vn:114,vol:116,voltag:73,volum:[0,158],vs:[15,54,113,160],w1:69,w:[20,21,34,35,36,37,39,46,47,49,50,53,69,73,136,153,159],w_1:85,w_2:85,wa:[4,5,9,13,14,15,16,17,20,21,53,58,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,93,99,102,110,111,112,113,118,121,124,125,128,130,139,142,159,164,167],wai:[0,2,3,7,15,17,18,21,23,53,65,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,138,141,149,158,159,161,163,164,166,167],wait:[3,99,102,110,111,112,118,124,125,128,130],wale:[17,73],walk:[19,155],walker:154,wall:162,wang:87,want:[0,2,3,6,13,14,16,18,20,21,53,61,62,63,64,65,66,68,69,70,71,72,99,102,110,111,112,113,118,124,125,128,130,136,158,159,161,167],warm:113,warn:[2,3,4,5,6,7,8,9,10,14,15,16,17,19,20,54,58,80,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,152,154,164,167],warp:[51,82],warped_mae0:13,warped_mae1:13,warped_series1:82,warped_series2:82,warped_t:13,warped_ts_shap:13,warped_ts_shape_valu:13,warped_ts_valu:13,warranti:[85,87],wasn:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],wasserstein:49,wasserstein_metr:49,wasserstein_scor:49,wassersteinscor:37,wast:3,wasteful:13,wave:[2,9,16,58],waveform:110,wd:73,we:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,19,20,21,53,71,73,77,78,79,85,86,87,89,98,104,113,119,120,121,122,130,134,142,143,149,150,154,156,158,159,161,162,163,164,165,166,167],weak:20,weaker:9,weather:[2,21,73,159,161,163],weatherdataset:[73,99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132],websit:20,wed:126,week:[2,18,58,73,155,159,161,167],week_of_year:[58,155],weekdai:[4,58,134,155,167],weekli:[73,104,114],weekofyear:[58,155],weibul:149,weibull_distribut:149,weibulllikelihood:149,weigh:159,weight:[14,18,19,20,21,73,79,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,150,153,156,167],weight_norm:[6,10,18,20,124,165],weigth:[72,134],weird:2,welcom:[0,158,162],well:[2,8,11,12,14,15,16,18,20,21,29,39,53,65,71,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,149,150,152,153,156,159,161,164],were:[2,4,13,15,16,53,61,62,63,64,65,66,67,68,69,70,71,72,73,77,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,161,165,167],west:154,wetter:73,wgfupus2:73,wh:69,what:[0,2,5,6,13,14,15,16,17,18,20,21,32,53,99,102,105,110,111,112,113,118,124,125,128,130,134,149,158,159,160,162,163,167],whatev:[61,62,63,64,65,66,68,69,70,71,72,113],wheel:164,when:[2,3,4,6,9,12,13,14,15,16,18,19,20,21,35,36,37,39,47,49,53,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,140,141,142,143,149,150,151,152,153,154,156,159,160,161,162,163,164,165,166],whenev:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],where:[2,5,15,16,17,18,20,24,33,35,39,47,49,53,54,55,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,82,85,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,141,142,152,153,154,155,157,159,161,164,166],wherea:[2,5,14,17,20,82,119,122,142,166],wherebi:[72,134],whether:[2,9,16,17,18,38,39,40,41,42,43,44,45,46,47,48,49,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,78,79,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,150,154,155,156,163,167],which:[0,2,3,4,5,9,11,12,13,14,15,16,17,18,20,21,24,29,32,34,35,36,37,39,47,49,53,54,57,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,82,85,86,87,89,91,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,140,141,142,149,150,151,154,155,156,157,158,159,161,162,163,164,165,166,167],whichev:142,whilst:[67,142],white:[11,17,155],whl:164,whole:[5,6,14,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156,159],whom:[85,87,126],whose:[2,20,53,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,96,98,99,100,102,103,107,108,109,110,111,112,115,116,117,118,124,125,128,130,131,132,134,142,150,154,155,156,159,163,166],why:[2,3,16,161,167],wide:[15,21],width:[6,46,53,55,93,110,111,128,134,167],wiki:[39,46,49,67,96,115,131,149,150],wikipedia:[39,46,49,67,82,96,115,131,149,150],wilei:120,williamson:[0,158],win_typ:[72,134],wind:73,window:[0,2,8,15,18,19,20,25,26,27,28,31,32,34,35,36,37,39,40,41,42,43,44,45,47,48,49,50,52,53,54,60,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,155,158,159,164],window_len:142,window_mod:134,window_s:[13,55,134],window_transform:[72,134],window_weight:21,windowtransform:72,wine:73,winedataset:73,wineind:73,winner:20,winter:104,wise:[13,15,53,54,85,89,98,152],wish:[61,62,63,64,65,66,68,69,70,71,72,113,142,161,163,167],with_column:155,with_columns_renam:134,with_hierarchi:[17,69,134],with_kwarg:[85,86,87,89,113,150,156],with_paramet:165,with_static_covari:[15,16,62,70,134,166],with_traceback:74,with_valu:134,within:[13,37,53,55,61,69,85,86,87,89,113,130,134,142,149,150,155,156],within_threshold:13,without:[0,2,3,11,13,15,18,19,20,31,32,53,54,57,58,59,61,62,64,65,66,68,69,82,85,86,87,89,93,96,113,125,126,128,131,134,136,142,150,151,154,156,158,159,164,166],wls_struct:69,wls_val:[17,69],wls_var:69,wolpert:116,won:[15,16,61,64,65,67,69,85,86,87,89,113,150,156,164],woollen:73,woolydataset:73,woolyrnq:73,word:[13,64,69,142],work:[0,2,3,4,5,6,7,8,9,11,13,14,15,16,17,18,19,20,21,29,31,32,37,53,67,69,78,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,153,154,155,156,158,159,161,162,163,164,165,166,167],work_dir:[99,102,110,111,112,118,124,125,128,130,167],workaround:165,worker:[99,102,110,111,112,118,124,125,128,130,167],workshop:15,world:113,world_siz:113,worri:[2,163],wors:[16,153],worth:[15,18],would:[0,2,3,8,11,13,14,15,18,20,32,53,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,150,153,156,158,159,161,165,166,167],wrap:[0,2,3,15,18,21,27,31,32,47,49,85,86,87,89,96,99,100,102,108,109,110,111,112,113,115,117,118,124,125,128,130,131,132,150,156,158,159,166],wrapper:[0,3,15,70,71,97,99,102,104,109,110,111,112,113,114,115,117,118,123,124,125,128,130,134,142,158,162],write:[2,15,18,53,134,162,163,167],writeabl:53,writebackifcopi:53,written:[15,21,53,161,164,167],wrong:[99,102,110,111,112,118,124,125,128,130],wv:73,wvv:73,www:[73,122,154],x00:53,x01:53,x02:53,x03:53,x:[3,11,12,13,14,21,53,55,58,66,79,82,85,86,87,93,111,113,127,134,141,142,153,159,167],x_0:149,x_1:149,x_2:11,x_2_nois:11,x_:82,x_i:149,x_k:149,x_miss:12,x_missing_arr:12,x_nois:12,x_t:82,x_trimmed_shap:142,xa:134,xarrai:[134,159,166],xdoctest:[85,86,87,89,113,150,156],xferd:15,xgb:132,xgb_quantile_loss:132,xgbmodel:[0,21,95,132,158,161,163],xgboost:[21,95],xgboost_model:21,xgboostmodel:21,xgbregressor:[21,132],xgub:15,xl:15,xlabel:[6,9,10,14,15,20,21],xlrd:15,xpu:[85,86,87,89,113,150,156],xtick:13,xu:[102,112],xv:53,xxx:55,xxxx:55,xxxxxx:55,xxxxxxxxx:55,xxxxxxxxxxx:55,xxxxxxxxxxxx:55,xxxxxxxxxxxxxx:55,xxxxxxxxxxxxxxxx:55,xxxxxxxxxxxxxxxxx:55,xxxxxxxxxxxxxxxxxxxx:55,xxxxxxxxxxxxxxxxxxxxx:55,y:[11,13,21,53,63,66,79,82,98,113,134,142,150,153,155],y_1:[98,106],y_2:11,y_2_nois:11,y_:[63,106],y_filter:11,y_hat:113,y_nois:11,y_offset:155,y_pred:153,y_t0:21,y_t:[63,82,98,106,150],y_true:153,yaml:113,yang:150,yarin:163,yarn:73,ye:[162,167],year:[0,2,5,7,14,15,58,73,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,158,159,161,165,167],year_seri:5,yearli:[2,14,105,114,159],yet:[21,113,155,159,160,164,167],yield:[20,21,62,63,64,69,70,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156,159],ylabel:[14,15],ylim:20,you:[0,1,2,3,5,7,8,12,13,14,15,16,18,21,53,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,149,150,152,153,156,158,159,160,161,162,163,164,165,166,167],your:[0,2,3,15,16,18,20,21,58,85,86,87,89,99,102,110,111,112,113,114,118,124,125,128,130,149,150,156,158,159,161,162,164,166],yourself:[113,167],ytick:13,yule:154,yw:154,ywadjust:154,ywm:154,ywmle:154,yyyi:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163],z:[53,82,93,120],zch_rosengartenstrass:73,zch_schimmelstrass:73,zch_stampfenbachstrass:73,zealand:73,zeng:[102,112],zero:[15,53,82,85,86,87,89,113,134,142,150,156],zero_grad:[85,86,87,89,113,136,150,156],zhang:[87,102,112],zhouhaoyi:73,zi:101,zip:[2,16,20,21],zone:[58,73,134,155,159],zoubin:163,zuerich:73,zurich:[21,73]},titles:["Time Series Made Easy in Python","Examples","Multiple Time Series, Pre-trained Models and Covariates","Data (pre) processing using DataTransformer and Pipeline","Fast Fourier Transform Forecasting Model (FFT)","Recurrent Neural Networks Models","Temporal Convolutional Network","Transformer Model","N-BEATS","Probabilistic RNN","DeepTCN model","Filtering and predicting using the darts filters","Filtering and predicting using the Gaussian Process filter","Dynamic Time Warping (DTW)","Temporal Fusion Transformer","Transfer Learning for Time Series Forecasting with Darts","Static Covariates","Hierarchical Reconciliation - Example on the Australian Tourism Dataset","Hyper-parameters Optimization for Electricity Load Forecasting","TimeSeries Deep Encoder","Ensembling Models","Regression Models","darts","Anomaly Detection","Anomaly Aggregators","<no title>","AND Aggregator","Ensemble scikit-learn aggregator","OR Aggregator","Anomaly Models","<no title>","Filtering Anomaly Model","Forecasting Anomaly Model","Anomaly Detectors","<no title>","Quantile Detector","Threshold Detector","Anomaly Scorers","Difference Scorer","k-means Scorer","NLL Cauchy Scorer","NLL Exponential Scorer","NLL Gamma Scorer","NLL Gaussian Scorer","NLL Laplace Scorer","NLL Poisson Scorer","Norm Scorer","PyODScorer","<no title>","WassersteinScorer","Utils for Anomaly Detection","Data Processing","Dynamic Time Warping (DTW)","<no title>","Dynamic Time Warping (DTW)","DTW Windows","Time Axis Encoders","Encoder Base Classes","Time Axes Encoders","Pipeline","Data Transformers","Data Transformer Base Class","Box-Cox Transformer","Differencing Transformer","Fittable Data Transformer Base Class","Invertible Data Transformer Base Class","Mapper and InvertibleMapper","Mixed-data sampling (MIDAS) Transformer","Missing Values Filler","Hierarchical Reconciliation","Scaler","Static Covariates Transformer","Window Transformer","Datasets","<no title>","Explainability","<no title>","Explainability Result","Shap Explainer for RegressionModels","TFT Explainer for Temporal Fusion Transformer (TFTModel)","<no title>","Metrics","Metrics","Models","<no title>","<no title>","<no title>","<no title>","<no title>","<no title>","Filtering Models","<no title>","Gaussian Processes","Kalman Filter","Moving Average","Forecasting Models","ARIMA","AutoARIMA","Baseline Models","Block Recurrent Neural Networks","CatBoost model","Croston method","D-Linear","<no title>","Exponential Smoothing","Fast Fourier Transform","<no title>","Kalman Filter Forecaster","LightGBM Model","Linear Regression model","N-BEATS","N-HiTS","N-Linear","<no title>","Facebook Prophet","Random Forest","Regression ensemble model","Regression Model","Recurrent Neural Networks","StatsForecastAutoARIMA","StatsForecastAutoCES","StatsForecastAutoETS","StatsForecastAutoTheta","BATS and TBATS","Temporal Convolutional Network","Temporal Fusion Transformer (TFT)","<no title>","Theta Method","Time-series Dense Encoder (TiDE)","<no title>","Transformer Model","VARIMA","XGBoost Model","<no title>","Timeseries","Utils","<no title>","TimeSeries Datasets","Horizon-Based Training Dataset","Inference Dataset","Sequential Training Dataset","Shifted Training Dataset","<no title>","Training Datasets Base Classes","<no title>","<no title>","<no title>","<no title>","<no title>","Likelihood Models","PyTorch Loss Functions","Utils for filling missing values","Model selection utilities","<no title>","Time Series Statistics","Utils for time series generation","Utils for Pytorch and its usage","Additional util functions","Time Series Made Easy in Python","Quickstart","User Guide","Covariates","Frequently Asked Questions","Overview of Forecasting Models","Using Torch Models with GPUs and TPUs","Hyperparameter Optimization in Darts","TimeSeries","Torch Forecasting Models"],titleterms:{"0":[15,16],"1":[4,15,16],"2":[4,15,16],"3":[4,15,16],"32":167,"4":[15,16],"5":16,"6":16,"abstract":3,"class":[57,61,64,65,143],"do":167,"export":166,"function":[15,150,157],"new":4,"static":[1,16,71,166],"try":[15,159],A:[2,3,15,159],AND:26,In:167,No:13,OR:28,One:18,The:3,With:[13,159],ad:[12,16],add:16,addit:157,advanc:167,after:2,aggreg:[24,26,27,28],air:[2,5,6,7,14,15],airlin:15,align:13,all:167,altern:17,amplitud:4,an:[15,16],anomali:[23,24,29,31,32,33,37,50],anoth:3,appendix:21,appli:15,ar:161,architectur:8,arima:96,articl:[0,158],ask:162,australian:17,autoarima:97,automat:[14,167],averag:94,ax:58,axi:56,backtest:[2,5,14,159],base:[21,57,61,64,65,138,143],baselin:98,basic:[4,20],bat:123,batch:167,beat:[1,8,15,110,159],behind:2,benchmark:167,best:18,binari:16,bit:167,block:99,boost:21,bootstrap:20,both:2,bottleneck:167,box:62,build:[2,15,18,159,167],callback:167,captur:163,carlo:163,catboost:100,categor:16,cauchi:40,caution:159,chain:3,checkpoint:167,chunk:[21,167],citat:[0,158],comment:2,commun:[0,158],compar:[13,15],comparison:13,complex:3,compon:[17,21],comput:159,conclus:[15,18,20,21],condit:2,configur:19,construct:[4,16],consumpt:18,contact:[0,158],content:167,contribut:[0,158],convolut:[1,6,124],covari:[1,2,14,16,20,21,71,159,161,163,166,167],cox:62,cpu:[164,167],cream:14,creat:[3,14,159,166],crop:4,croston:101,custom:[21,167],d:102,daili:[6,8,9,10],dart:[11,15,21,22,159,161,165],data:[1,2,3,4,12,14,15,16,17,18,19,21,51,60,61,64,65,67,159,166,167],datafram:16,dataset:[6,15,17,21,73,137,138,139,140,141,143,167],datatransform:3,deep:[15,19,159],deepar:1,deeptcn:[1,10],defin:16,dens:[1,128],depth:167,detect:[23,50],detector:[33,35,36],determin:13,determinist:[14,166],detrend:4,diagon:13,differ:[13,38],differenc:63,distribut:159,document:[0,158,166],doe:2,dr:161,draw:11,dropout:163,dtw:[1,13,52,54,55],dynam:[1,13,52,54],earli:167,easi:[0,158],electr:18,electricti:18,encod:[1,16,17,19,56,57,58,128,159],end:2,energi:[4,6,8,9,10],ensembl:[1,20,27,116,159],enter:13,error:159,evalu:[15,159],exampl:[0,1,2,3,5,7,8,14,16,17,21,158,159,161,167],exist:16,experi:16,explain:[14,21,75,77,78,79],exponenti:[41,104],extern:159,extract:[16,21],facebook:114,far:15,fast:[1,4,105],featur:[0,158],few:2,fft:4,fill:151,filler:68,filter:[1,4,11,12,31,90,93,107,159],find:13,fine:167,first:[11,167],fit:[13,159],fittabl:64,forecast:[0,2,4,14,15,16,17,18,20,21,32,95,107,158,159,161,163,167],forest:115,format:[4,13],fourier:[1,4,105],free:159,frequent:162,from:[12,16,166],from_group_datafram:16,functionn:167,fusion:[1,14,79,125],futur:[2,14,161],gamma:42,gaussian:[1,12,43,92,159],gener:[4,8,13,14,155,163],gfm:161,global:[2,15,159,161],go:18,gpu:[164,167],grid:13,gridsearch:[18,165],group:16,guid:[160,161,167],handl:163,help:2,hierarch:[1,17,69,166],hierarchi:17,high:[0,158],histor:[20,159],hit:111,horizon:138,hourli:4,how:[161,167],hyper:[18,159],hyperparamet:[1,165],i:[166,167],ic:14,implement:166,improv:4,independ:17,indic:158,infer:[2,12,139,159],inform:[14,166],input:[21,167],inspect:[15,17,159],instal:[0,158,159],instanc:4,interpret:8,introduc:3,introduct:[0,158,161,167],invert:65,invertiblemapp:[3,66],itakura:13,its:156,k:39,kalman:[1,93,107,159],kernel:12,kind:3,lag:21,laplac:44,learn:[1,15,20,27,159],length:21,less:159,level:[0,158,167],lfm:161,lightgbm:108,likelihood:149,linear:[18,102,109,112],list:16,load:[15,17,18,19,163,167],local:[15,161],look:[5,14,167],loss:[150,159,167],low:4,m3:15,m4:15,machin:159,made:[0,158],make:159,manipul:159,manual:167,mapper:[3,66],match:13,mean:[2,12,39],memori:167,method:[15,101,127,159],metric:[81,82,159],mida:67,milk:2,miss:[12,68,151,159],missingvaluesfil:3,mix:67,model:[0,1,2,4,5,7,8,10,14,15,17,18,19,20,21,29,31,32,83,90,95,98,100,108,109,116,117,130,132,149,152,158,159,161,163,164,167],monitor:3,mont:163,monthli:[5,6,7,14],more:[2,3,14,166],move:94,multi:[13,21,164],multioutputregressor:21,multipl:[1,2,3,16,163,166],multivari:[2,17,20,163,166],my:166,n:[1,8,15,110,111,112,159],naiv:[20,159],network:[1,5,6,99,118,124,159,163],neural:[1,5,99,118,159,163],nll:[40,41,42,43,44,45],nois:[9,10,12],norm:46,nuclear:4,num_loader_work:167,number:13,numer:16,o:167,one:2,onli:21,oper:159,optim:[1,18,165],option:18,optuna:[18,165],order:11,other:[2,15],out:[4,159],output:21,overview:[15,163],parallelis:3,parallelogram:13,paramet:[18,19,159],part:15,passeng:[5,6,7,14,15],past:[2,161],pattern:13,peak:13,perform:167,period:12,pick:18,pipelin:[3,59],plai:159,point:12,poisson:45,possibl:167,pre:[1,2,3,20,167],predict:[2,5,11,12,14,20,159,167],prepar:[2,18,19],preprocess:2,probabilist:[9,14,20,21,159,163,166],problem:166,process:[1,2,3,12,14,51,92,159],produc:2,product:[2,6,9,10],prophet:114,pyodscor:47,python:[0,158],pytorch:[150,156],quantil:[35,159],quantit:13,question:162,quick:[0,158,161],quickli:159,quickstart:159,rai:165,random:115,re:167,read:[2,3,4,13,159],recap:15,recommend:167,reconcil:17,reconcili:[1,17,69],recurr:[1,5,99,118],refer:20,regress:[1,18,20,21,109,116,117,159,163],regressionmodel:[15,21,78],requir:[161,167],rescal:3,respons:11,result:[19,77],rnn:9,routin:2,s:21,sakoechiba:13,sale:14,same:15,sampl:[12,67],save:[163,167],scale:16,scaler:[3,70],scene:2,scikit:27,scorer:[37,38,39,40,41,42,43,44,45,46],search:159,season:159,select:[0,152,158],sequenti:140,sequentialencod:58,seri:[0,1,2,3,9,10,13,15,16,20,128,154,155,158,159,163,166,167],set:[3,4,5,14],setup:[15,16,19],sever:159,shall:18,shap:78,shift:141,should:166,side:18,simpl:18,simul:159,sine:12,singl:21,singleencod:58,size:167,small:167,smooth:104,so:15,some:[14,159],span:[161,167],special:3,specif:21,spiral:11,split:2,spot:7,state:167,statist:154,statsforecastautoarima:119,statsforecastautoc:120,statsforecastautoet:121,statsforecastautotheta:122,step:11,stop:167,store:167,sub:167,subsequ:13,summari:161,sun:7,sunspot:[5,6],support:[161,163,164,167],system:11,tabl:158,target:[21,167],tbat:123,tcn:18,tempor:[1,6,14,79,124,125],tfm:167,tft:[1,14,79,125],tftmodel:[16,79],theta:[127,159],thi:[2,167],threshold:36,tide:[1,128],time:[0,1,2,3,13,15,16,52,54,56,58,128,154,155,158,161,166,167],timeseri:[1,2,3,4,16,19,134,137,159,166,167],tl:161,toi:159,top:167,topic:[0,158],torch:[164,167],tourism:17,tpu:164,traffic:2,train:[1,2,4,14,15,20,138,140,141,143,159,167],transfer:[1,15],transform:[1,3,4,7,14,16,60,61,62,63,64,65,67,71,72,79,105,125,130],tree:21,tune:[165,167],tutori:1,two:159,type:159,uncertainti:163,up:[3,18],us:[2,3,11,12,15,16,17,18,20,21,159,161,163,164,165,166,167],usag:[0,156,158],user:160,util:[50,135,151,152,155,156,157],valid:[2,4,5,14,159,167],valu:[68,151,159],variabl:[9,10],varima:131,visual:[13,21],vs:166,wait:2,warp:[1,13,52,54],wassersteinscor:49,wave:[4,12],we:18,what:161,when:167,white:12,window:[13,55,72],without:16,word:[2,159],wrapper:21,xgboost:132,your:167}}) \ No newline at end of file +Search.setIndex({docnames:["README","examples","examples/01-multi-time-series-and-covariates","examples/02-data-processing","examples/03-FFT-examples","examples/04-RNN-examples","examples/05-TCN-examples","examples/06-Transformer-examples","examples/07-NBEATS-examples","examples/08-DeepAR-examples","examples/09-DeepTCN-examples","examples/10-Kalman-filter-examples","examples/11-GP-filter-examples","examples/12-Dynamic-Time-Warping-example","examples/13-TFT-examples","examples/14-transfer-learning","examples/15-static-covariates","examples/16-hierarchical-reconciliation","examples/17-hyperparameter-optimization","examples/18-TiDE-examples","examples/19-EnsembleModel-examples","examples/20-RegressionModel-examples","generated_api/darts","generated_api/darts.ad","generated_api/darts.ad.aggregators","generated_api/darts.ad.aggregators.aggregators","generated_api/darts.ad.aggregators.and_aggregator","generated_api/darts.ad.aggregators.ensemble_sklearn_aggregator","generated_api/darts.ad.aggregators.or_aggregator","generated_api/darts.ad.anomaly_model","generated_api/darts.ad.anomaly_model.anomaly_model","generated_api/darts.ad.anomaly_model.filtering_am","generated_api/darts.ad.anomaly_model.forecasting_am","generated_api/darts.ad.detectors","generated_api/darts.ad.detectors.detectors","generated_api/darts.ad.detectors.quantile_detector","generated_api/darts.ad.detectors.threshold_detector","generated_api/darts.ad.scorers","generated_api/darts.ad.scorers.difference_scorer","generated_api/darts.ad.scorers.kmeans_scorer","generated_api/darts.ad.scorers.nll_cauchy_scorer","generated_api/darts.ad.scorers.nll_exponential_scorer","generated_api/darts.ad.scorers.nll_gamma_scorer","generated_api/darts.ad.scorers.nll_gaussian_scorer","generated_api/darts.ad.scorers.nll_laplace_scorer","generated_api/darts.ad.scorers.nll_poisson_scorer","generated_api/darts.ad.scorers.norm_scorer","generated_api/darts.ad.scorers.pyod_scorer","generated_api/darts.ad.scorers.scorers","generated_api/darts.ad.scorers.wasserstein_scorer","generated_api/darts.ad.utils","generated_api/darts.dataprocessing","generated_api/darts.dataprocessing.dtw","generated_api/darts.dataprocessing.dtw.cost_matrix","generated_api/darts.dataprocessing.dtw.dtw","generated_api/darts.dataprocessing.dtw.window","generated_api/darts.dataprocessing.encoders","generated_api/darts.dataprocessing.encoders.encoder_base","generated_api/darts.dataprocessing.encoders.encoders","generated_api/darts.dataprocessing.pipeline","generated_api/darts.dataprocessing.transformers","generated_api/darts.dataprocessing.transformers.base_data_transformer","generated_api/darts.dataprocessing.transformers.boxcox","generated_api/darts.dataprocessing.transformers.diff","generated_api/darts.dataprocessing.transformers.fittable_data_transformer","generated_api/darts.dataprocessing.transformers.invertible_data_transformer","generated_api/darts.dataprocessing.transformers.mappers","generated_api/darts.dataprocessing.transformers.midas","generated_api/darts.dataprocessing.transformers.missing_values_filler","generated_api/darts.dataprocessing.transformers.reconciliation","generated_api/darts.dataprocessing.transformers.scaler","generated_api/darts.dataprocessing.transformers.static_covariates_transformer","generated_api/darts.dataprocessing.transformers.window_transformer","generated_api/darts.datasets","generated_api/darts.datasets.dataset_loaders","generated_api/darts.explainability","generated_api/darts.explainability.explainability","generated_api/darts.explainability.explainability_result","generated_api/darts.explainability.shap_explainer","generated_api/darts.explainability.tft_explainer","generated_api/darts.explainability.utils","generated_api/darts.metrics","generated_api/darts.metrics.metrics","generated_api/darts.models","generated_api/darts.models.components","generated_api/darts.models.components.feed_forward","generated_api/darts.models.components.glu_variants","generated_api/darts.models.components.layer_norm_variants","generated_api/darts.models.components.statsforecast_utils","generated_api/darts.models.components.transformer","generated_api/darts.models.filtering","generated_api/darts.models.filtering.filtering_model","generated_api/darts.models.filtering.gaussian_process_filter","generated_api/darts.models.filtering.kalman_filter","generated_api/darts.models.filtering.moving_average_filter","generated_api/darts.models.forecasting","generated_api/darts.models.forecasting.arima","generated_api/darts.models.forecasting.auto_arima","generated_api/darts.models.forecasting.baselines","generated_api/darts.models.forecasting.block_rnn_model","generated_api/darts.models.forecasting.catboost_model","generated_api/darts.models.forecasting.croston","generated_api/darts.models.forecasting.dlinear","generated_api/darts.models.forecasting.ensemble_model","generated_api/darts.models.forecasting.exponential_smoothing","generated_api/darts.models.forecasting.fft","generated_api/darts.models.forecasting.forecasting_model","generated_api/darts.models.forecasting.kalman_forecaster","generated_api/darts.models.forecasting.lgbm","generated_api/darts.models.forecasting.linear_regression_model","generated_api/darts.models.forecasting.nbeats","generated_api/darts.models.forecasting.nhits","generated_api/darts.models.forecasting.nlinear","generated_api/darts.models.forecasting.pl_forecasting_module","generated_api/darts.models.forecasting.prophet_model","generated_api/darts.models.forecasting.random_forest","generated_api/darts.models.forecasting.regression_ensemble_model","generated_api/darts.models.forecasting.regression_model","generated_api/darts.models.forecasting.rnn_model","generated_api/darts.models.forecasting.sf_auto_arima","generated_api/darts.models.forecasting.sf_auto_ces","generated_api/darts.models.forecasting.sf_auto_ets","generated_api/darts.models.forecasting.sf_auto_theta","generated_api/darts.models.forecasting.tbats_model","generated_api/darts.models.forecasting.tcn_model","generated_api/darts.models.forecasting.tft_model","generated_api/darts.models.forecasting.tft_submodels","generated_api/darts.models.forecasting.theta","generated_api/darts.models.forecasting.tide_model","generated_api/darts.models.forecasting.torch_forecasting_model","generated_api/darts.models.forecasting.transformer_model","generated_api/darts.models.forecasting.varima","generated_api/darts.models.forecasting.xgboost","generated_api/darts.models.utils","generated_api/darts.timeseries","generated_api/darts.utils","generated_api/darts.utils.callbacks","generated_api/darts.utils.data","generated_api/darts.utils.data.horizon_based_dataset","generated_api/darts.utils.data.inference_dataset","generated_api/darts.utils.data.sequential_dataset","generated_api/darts.utils.data.shifted_dataset","generated_api/darts.utils.data.tabularization","generated_api/darts.utils.data.training_dataset","generated_api/darts.utils.data.utils","generated_api/darts.utils.historical_forecasts","generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_regression","generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_torch","generated_api/darts.utils.historical_forecasts.utils","generated_api/darts.utils.likelihood_models","generated_api/darts.utils.losses","generated_api/darts.utils.missing_values","generated_api/darts.utils.model_selection","generated_api/darts.utils.multioutput","generated_api/darts.utils.statistics","generated_api/darts.utils.timeseries_generation","generated_api/darts.utils.torch","generated_api/darts.utils.utils","index","quickstart/00-quickstart","userguide","userguide/covariates","userguide/faq","userguide/forecasting_overview","userguide/gpu_and_tpu_usage","userguide/hyperparameter_optimization","userguide/timeseries","userguide/torch_forecasting_models"],envversion:{"sphinx.domains.c":2,"sphinx.domains.changeset":1,"sphinx.domains.citation":1,"sphinx.domains.cpp":4,"sphinx.domains.index":1,"sphinx.domains.javascript":2,"sphinx.domains.math":2,"sphinx.domains.python":3,"sphinx.domains.rst":2,"sphinx.domains.std":2,"sphinx.ext.todo":2,"sphinx.ext.viewcode":1,nbsphinx:3,sphinx:56},filenames:["README.rst","examples.rst","examples/01-multi-time-series-and-covariates.ipynb","examples/02-data-processing.ipynb","examples/03-FFT-examples.ipynb","examples/04-RNN-examples.ipynb","examples/05-TCN-examples.ipynb","examples/06-Transformer-examples.ipynb","examples/07-NBEATS-examples.ipynb","examples/08-DeepAR-examples.ipynb","examples/09-DeepTCN-examples.ipynb","examples/10-Kalman-filter-examples.ipynb","examples/11-GP-filter-examples.ipynb","examples/12-Dynamic-Time-Warping-example.ipynb","examples/13-TFT-examples.ipynb","examples/14-transfer-learning.ipynb","examples/15-static-covariates.ipynb","examples/16-hierarchical-reconciliation.ipynb","examples/17-hyperparameter-optimization.ipynb","examples/18-TiDE-examples.ipynb","examples/19-EnsembleModel-examples.ipynb","examples/20-RegressionModel-examples.ipynb","generated_api/darts.rst","generated_api/darts.ad.rst","generated_api/darts.ad.aggregators.rst","generated_api/darts.ad.aggregators.aggregators.rst","generated_api/darts.ad.aggregators.and_aggregator.rst","generated_api/darts.ad.aggregators.ensemble_sklearn_aggregator.rst","generated_api/darts.ad.aggregators.or_aggregator.rst","generated_api/darts.ad.anomaly_model.rst","generated_api/darts.ad.anomaly_model.anomaly_model.rst","generated_api/darts.ad.anomaly_model.filtering_am.rst","generated_api/darts.ad.anomaly_model.forecasting_am.rst","generated_api/darts.ad.detectors.rst","generated_api/darts.ad.detectors.detectors.rst","generated_api/darts.ad.detectors.quantile_detector.rst","generated_api/darts.ad.detectors.threshold_detector.rst","generated_api/darts.ad.scorers.rst","generated_api/darts.ad.scorers.difference_scorer.rst","generated_api/darts.ad.scorers.kmeans_scorer.rst","generated_api/darts.ad.scorers.nll_cauchy_scorer.rst","generated_api/darts.ad.scorers.nll_exponential_scorer.rst","generated_api/darts.ad.scorers.nll_gamma_scorer.rst","generated_api/darts.ad.scorers.nll_gaussian_scorer.rst","generated_api/darts.ad.scorers.nll_laplace_scorer.rst","generated_api/darts.ad.scorers.nll_poisson_scorer.rst","generated_api/darts.ad.scorers.norm_scorer.rst","generated_api/darts.ad.scorers.pyod_scorer.rst","generated_api/darts.ad.scorers.scorers.rst","generated_api/darts.ad.scorers.wasserstein_scorer.rst","generated_api/darts.ad.utils.rst","generated_api/darts.dataprocessing.rst","generated_api/darts.dataprocessing.dtw.rst","generated_api/darts.dataprocessing.dtw.cost_matrix.rst","generated_api/darts.dataprocessing.dtw.dtw.rst","generated_api/darts.dataprocessing.dtw.window.rst","generated_api/darts.dataprocessing.encoders.rst","generated_api/darts.dataprocessing.encoders.encoder_base.rst","generated_api/darts.dataprocessing.encoders.encoders.rst","generated_api/darts.dataprocessing.pipeline.rst","generated_api/darts.dataprocessing.transformers.rst","generated_api/darts.dataprocessing.transformers.base_data_transformer.rst","generated_api/darts.dataprocessing.transformers.boxcox.rst","generated_api/darts.dataprocessing.transformers.diff.rst","generated_api/darts.dataprocessing.transformers.fittable_data_transformer.rst","generated_api/darts.dataprocessing.transformers.invertible_data_transformer.rst","generated_api/darts.dataprocessing.transformers.mappers.rst","generated_api/darts.dataprocessing.transformers.midas.rst","generated_api/darts.dataprocessing.transformers.missing_values_filler.rst","generated_api/darts.dataprocessing.transformers.reconciliation.rst","generated_api/darts.dataprocessing.transformers.scaler.rst","generated_api/darts.dataprocessing.transformers.static_covariates_transformer.rst","generated_api/darts.dataprocessing.transformers.window_transformer.rst","generated_api/darts.datasets.rst","generated_api/darts.datasets.dataset_loaders.rst","generated_api/darts.explainability.rst","generated_api/darts.explainability.explainability.rst","generated_api/darts.explainability.explainability_result.rst","generated_api/darts.explainability.shap_explainer.rst","generated_api/darts.explainability.tft_explainer.rst","generated_api/darts.explainability.utils.rst","generated_api/darts.metrics.rst","generated_api/darts.metrics.metrics.rst","generated_api/darts.models.rst","generated_api/darts.models.components.rst","generated_api/darts.models.components.feed_forward.rst","generated_api/darts.models.components.glu_variants.rst","generated_api/darts.models.components.layer_norm_variants.rst","generated_api/darts.models.components.statsforecast_utils.rst","generated_api/darts.models.components.transformer.rst","generated_api/darts.models.filtering.rst","generated_api/darts.models.filtering.filtering_model.rst","generated_api/darts.models.filtering.gaussian_process_filter.rst","generated_api/darts.models.filtering.kalman_filter.rst","generated_api/darts.models.filtering.moving_average_filter.rst","generated_api/darts.models.forecasting.rst","generated_api/darts.models.forecasting.arima.rst","generated_api/darts.models.forecasting.auto_arima.rst","generated_api/darts.models.forecasting.baselines.rst","generated_api/darts.models.forecasting.block_rnn_model.rst","generated_api/darts.models.forecasting.catboost_model.rst","generated_api/darts.models.forecasting.croston.rst","generated_api/darts.models.forecasting.dlinear.rst","generated_api/darts.models.forecasting.ensemble_model.rst","generated_api/darts.models.forecasting.exponential_smoothing.rst","generated_api/darts.models.forecasting.fft.rst","generated_api/darts.models.forecasting.forecasting_model.rst","generated_api/darts.models.forecasting.kalman_forecaster.rst","generated_api/darts.models.forecasting.lgbm.rst","generated_api/darts.models.forecasting.linear_regression_model.rst","generated_api/darts.models.forecasting.nbeats.rst","generated_api/darts.models.forecasting.nhits.rst","generated_api/darts.models.forecasting.nlinear.rst","generated_api/darts.models.forecasting.pl_forecasting_module.rst","generated_api/darts.models.forecasting.prophet_model.rst","generated_api/darts.models.forecasting.random_forest.rst","generated_api/darts.models.forecasting.regression_ensemble_model.rst","generated_api/darts.models.forecasting.regression_model.rst","generated_api/darts.models.forecasting.rnn_model.rst","generated_api/darts.models.forecasting.sf_auto_arima.rst","generated_api/darts.models.forecasting.sf_auto_ces.rst","generated_api/darts.models.forecasting.sf_auto_ets.rst","generated_api/darts.models.forecasting.sf_auto_theta.rst","generated_api/darts.models.forecasting.tbats_model.rst","generated_api/darts.models.forecasting.tcn_model.rst","generated_api/darts.models.forecasting.tft_model.rst","generated_api/darts.models.forecasting.tft_submodels.rst","generated_api/darts.models.forecasting.theta.rst","generated_api/darts.models.forecasting.tide_model.rst","generated_api/darts.models.forecasting.torch_forecasting_model.rst","generated_api/darts.models.forecasting.transformer_model.rst","generated_api/darts.models.forecasting.varima.rst","generated_api/darts.models.forecasting.xgboost.rst","generated_api/darts.models.utils.rst","generated_api/darts.timeseries.rst","generated_api/darts.utils.rst","generated_api/darts.utils.callbacks.rst","generated_api/darts.utils.data.rst","generated_api/darts.utils.data.horizon_based_dataset.rst","generated_api/darts.utils.data.inference_dataset.rst","generated_api/darts.utils.data.sequential_dataset.rst","generated_api/darts.utils.data.shifted_dataset.rst","generated_api/darts.utils.data.tabularization.rst","generated_api/darts.utils.data.training_dataset.rst","generated_api/darts.utils.data.utils.rst","generated_api/darts.utils.historical_forecasts.rst","generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_regression.rst","generated_api/darts.utils.historical_forecasts.optimized_historical_forecasts_torch.rst","generated_api/darts.utils.historical_forecasts.utils.rst","generated_api/darts.utils.likelihood_models.rst","generated_api/darts.utils.losses.rst","generated_api/darts.utils.missing_values.rst","generated_api/darts.utils.model_selection.rst","generated_api/darts.utils.multioutput.rst","generated_api/darts.utils.statistics.rst","generated_api/darts.utils.timeseries_generation.rst","generated_api/darts.utils.torch.rst","generated_api/darts.utils.utils.rst","index.rst","quickstart/00-quickstart.ipynb","userguide.rst","userguide/covariates.rst","userguide/faq.rst","userguide/forecasting_overview.rst","userguide/gpu_and_tpu_usage.rst","userguide/hyperparameter_optimization.rst","userguide/timeseries.rst","userguide/torch_forecasting_models.rst"],objects:{"":[[22,0,0,"-","darts"]],"darts.ad":[[24,0,0,"-","aggregators"],[29,0,0,"-","anomaly_model"],[33,0,0,"-","detectors"],[37,0,0,"-","scorers"],[50,0,0,"-","utils"]],"darts.ad.aggregators":[[25,0,0,"-","aggregators"],[26,0,0,"-","and_aggregator"],[27,0,0,"-","ensemble_sklearn_aggregator"],[28,0,0,"-","or_aggregator"]],"darts.ad.aggregators.aggregators":[[25,1,1,"","Aggregator"],[25,1,1,"","FittableAggregator"],[25,1,1,"","NonFittableAggregator"]],"darts.ad.aggregators.aggregators.Aggregator":[[25,2,1,"","eval_accuracy"],[25,2,1,"","predict"]],"darts.ad.aggregators.aggregators.FittableAggregator":[[25,2,1,"","eval_accuracy"],[25,2,1,"","fit"],[25,2,1,"","predict"]],"darts.ad.aggregators.aggregators.NonFittableAggregator":[[25,2,1,"","eval_accuracy"],[25,2,1,"","predict"]],"darts.ad.aggregators.and_aggregator":[[26,1,1,"","AndAggregator"]],"darts.ad.aggregators.and_aggregator.AndAggregator":[[26,2,1,"","eval_accuracy"],[26,2,1,"","predict"]],"darts.ad.aggregators.ensemble_sklearn_aggregator":[[27,1,1,"","EnsembleSklearnAggregator"]],"darts.ad.aggregators.ensemble_sklearn_aggregator.EnsembleSklearnAggregator":[[27,2,1,"","eval_accuracy"],[27,2,1,"","fit"],[27,2,1,"","predict"]],"darts.ad.aggregators.or_aggregator":[[28,1,1,"","OrAggregator"]],"darts.ad.aggregators.or_aggregator.OrAggregator":[[28,2,1,"","eval_accuracy"],[28,2,1,"","predict"]],"darts.ad.anomaly_model":[[30,0,0,"-","anomaly_model"],[31,0,0,"-","filtering_am"],[32,0,0,"-","forecasting_am"]],"darts.ad.anomaly_model.filtering_am":[[31,1,1,"","FilteringAnomalyModel"]],"darts.ad.anomaly_model.filtering_am.FilteringAnomalyModel":[[31,2,1,"","eval_accuracy"],[31,2,1,"","fit"],[31,2,1,"","score"],[31,2,1,"","show_anomalies"]],"darts.ad.anomaly_model.forecasting_am":[[32,1,1,"","ForecastingAnomalyModel"]],"darts.ad.anomaly_model.forecasting_am.ForecastingAnomalyModel":[[32,2,1,"","eval_accuracy"],[32,2,1,"","fit"],[32,2,1,"","score"],[32,2,1,"","show_anomalies"]],"darts.ad.detectors":[[34,0,0,"-","detectors"],[35,0,0,"-","quantile_detector"],[36,0,0,"-","threshold_detector"]],"darts.ad.detectors.detectors":[[34,1,1,"","Detector"],[34,1,1,"","FittableDetector"]],"darts.ad.detectors.detectors.Detector":[[34,2,1,"","detect"],[34,2,1,"","eval_accuracy"]],"darts.ad.detectors.detectors.FittableDetector":[[34,2,1,"","detect"],[34,2,1,"","eval_accuracy"],[34,2,1,"","fit"],[34,2,1,"","fit_detect"]],"darts.ad.detectors.quantile_detector":[[35,1,1,"","QuantileDetector"]],"darts.ad.detectors.quantile_detector.QuantileDetector":[[35,2,1,"","detect"],[35,2,1,"","eval_accuracy"],[35,2,1,"","fit"],[35,2,1,"","fit_detect"],[35,3,1,"","high_threshold"],[35,3,1,"","low_threshold"]],"darts.ad.detectors.threshold_detector":[[36,1,1,"","ThresholdDetector"]],"darts.ad.detectors.threshold_detector.ThresholdDetector":[[36,2,1,"","detect"],[36,2,1,"","eval_accuracy"]],"darts.ad.scorers":[[38,0,0,"-","difference_scorer"],[39,0,0,"-","kmeans_scorer"],[40,0,0,"-","nll_cauchy_scorer"],[41,0,0,"-","nll_exponential_scorer"],[42,0,0,"-","nll_gamma_scorer"],[43,0,0,"-","nll_gaussian_scorer"],[44,0,0,"-","nll_laplace_scorer"],[45,0,0,"-","nll_poisson_scorer"],[46,0,0,"-","norm_scorer"],[47,0,0,"-","pyod_scorer"],[48,0,0,"-","scorers"],[49,0,0,"-","wasserstein_scorer"]],"darts.ad.scorers.difference_scorer":[[38,1,1,"","DifferenceScorer"]],"darts.ad.scorers.difference_scorer.DifferenceScorer":[[38,2,1,"","eval_accuracy_from_prediction"],[38,4,1,"","is_probabilistic"],[38,2,1,"","score_from_prediction"],[38,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.kmeans_scorer":[[39,1,1,"","KMeansScorer"]],"darts.ad.scorers.kmeans_scorer.KMeansScorer":[[39,2,1,"","check_if_fit_called"],[39,2,1,"","eval_accuracy"],[39,2,1,"","eval_accuracy_from_prediction"],[39,2,1,"","fit"],[39,2,1,"","fit_from_prediction"],[39,4,1,"","is_probabilistic"],[39,2,1,"","score"],[39,2,1,"","score_from_prediction"],[39,2,1,"","show_anomalies"],[39,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.nll_cauchy_scorer":[[40,1,1,"","CauchyNLLScorer"]],"darts.ad.scorers.nll_cauchy_scorer.CauchyNLLScorer":[[40,2,1,"","eval_accuracy_from_prediction"],[40,4,1,"","is_probabilistic"],[40,2,1,"","score_from_prediction"],[40,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.nll_exponential_scorer":[[41,1,1,"","ExponentialNLLScorer"]],"darts.ad.scorers.nll_exponential_scorer.ExponentialNLLScorer":[[41,2,1,"","eval_accuracy_from_prediction"],[41,4,1,"","is_probabilistic"],[41,2,1,"","score_from_prediction"],[41,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.nll_gamma_scorer":[[42,1,1,"","GammaNLLScorer"]],"darts.ad.scorers.nll_gamma_scorer.GammaNLLScorer":[[42,2,1,"","eval_accuracy_from_prediction"],[42,4,1,"","is_probabilistic"],[42,2,1,"","score_from_prediction"],[42,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.nll_gaussian_scorer":[[43,1,1,"","GaussianNLLScorer"]],"darts.ad.scorers.nll_gaussian_scorer.GaussianNLLScorer":[[43,2,1,"","eval_accuracy_from_prediction"],[43,4,1,"","is_probabilistic"],[43,2,1,"","score_from_prediction"],[43,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.nll_laplace_scorer":[[44,1,1,"","LaplaceNLLScorer"]],"darts.ad.scorers.nll_laplace_scorer.LaplaceNLLScorer":[[44,2,1,"","eval_accuracy_from_prediction"],[44,4,1,"","is_probabilistic"],[44,2,1,"","score_from_prediction"],[44,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.nll_poisson_scorer":[[45,1,1,"","PoissonNLLScorer"]],"darts.ad.scorers.nll_poisson_scorer.PoissonNLLScorer":[[45,2,1,"","eval_accuracy_from_prediction"],[45,4,1,"","is_probabilistic"],[45,2,1,"","score_from_prediction"],[45,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.norm_scorer":[[46,1,1,"","NormScorer"]],"darts.ad.scorers.norm_scorer.NormScorer":[[46,2,1,"","eval_accuracy_from_prediction"],[46,4,1,"","is_probabilistic"],[46,2,1,"","score_from_prediction"],[46,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.pyod_scorer":[[47,1,1,"","PyODScorer"]],"darts.ad.scorers.pyod_scorer.PyODScorer":[[47,2,1,"","check_if_fit_called"],[47,2,1,"","eval_accuracy"],[47,2,1,"","eval_accuracy_from_prediction"],[47,2,1,"","fit"],[47,2,1,"","fit_from_prediction"],[47,4,1,"","is_probabilistic"],[47,2,1,"","score"],[47,2,1,"","score_from_prediction"],[47,2,1,"","show_anomalies"],[47,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.scorers":[[48,1,1,"","AnomalyScorer"],[48,1,1,"","FittableAnomalyScorer"],[48,1,1,"","NLLScorer"],[48,1,1,"","NonFittableAnomalyScorer"]],"darts.ad.scorers.scorers.AnomalyScorer":[[48,2,1,"","eval_accuracy_from_prediction"],[48,4,1,"","is_probabilistic"],[48,2,1,"","score_from_prediction"],[48,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.scorers.FittableAnomalyScorer":[[48,2,1,"","check_if_fit_called"],[48,2,1,"","eval_accuracy"],[48,2,1,"","eval_accuracy_from_prediction"],[48,2,1,"","fit"],[48,2,1,"","fit_from_prediction"],[48,4,1,"","is_probabilistic"],[48,2,1,"","score"],[48,2,1,"","score_from_prediction"],[48,2,1,"","show_anomalies"],[48,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.scorers.NLLScorer":[[48,2,1,"","eval_accuracy_from_prediction"],[48,4,1,"","is_probabilistic"],[48,2,1,"","score_from_prediction"],[48,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.scorers.NonFittableAnomalyScorer":[[48,2,1,"","eval_accuracy_from_prediction"],[48,4,1,"","is_probabilistic"],[48,2,1,"","score_from_prediction"],[48,2,1,"","show_anomalies_from_prediction"]],"darts.ad.scorers.wasserstein_scorer":[[49,1,1,"","WassersteinScorer"]],"darts.ad.scorers.wasserstein_scorer.WassersteinScorer":[[49,2,1,"","check_if_fit_called"],[49,2,1,"","eval_accuracy"],[49,2,1,"","eval_accuracy_from_prediction"],[49,2,1,"","fit"],[49,2,1,"","fit_from_prediction"],[49,4,1,"","is_probabilistic"],[49,2,1,"","score"],[49,2,1,"","score_from_prediction"],[49,2,1,"","show_anomalies"],[49,2,1,"","show_anomalies_from_prediction"]],"darts.ad.utils":[[50,5,1,"","eval_accuracy_from_binary_prediction"],[50,5,1,"","eval_accuracy_from_scores"],[50,5,1,"","show_anomalies_from_scores"]],"darts.dataprocessing":[[52,0,0,"-","dtw"],[56,0,0,"-","encoders"],[59,0,0,"-","pipeline"],[60,0,0,"-","transformers"]],"darts.dataprocessing.dtw":[[53,0,0,"-","cost_matrix"],[54,0,0,"-","dtw"],[55,0,0,"-","window"]],"darts.dataprocessing.dtw.cost_matrix":[[53,1,1,"","CostMatrix"],[53,1,1,"","DenseCostMatrix"],[53,1,1,"","SparseCostMatrix"]],"darts.dataprocessing.dtw.cost_matrix.CostMatrix":[[53,2,1,"","fill"],[53,3,1,"","m"],[53,3,1,"","n"],[53,2,1,"","to_dense"]],"darts.dataprocessing.dtw.cost_matrix.DenseCostMatrix":[[53,3,1,"","ALIGNED"],[53,3,1,"","BEHAVED"],[53,3,1,"","CARRAY"],[53,3,1,"","C_CONTIGUOUS"],[53,3,1,"","FARRAY"],[53,3,1,"","FNC"],[53,3,1,"","FORC"],[53,3,1,"","F_CONTIGUOUS"],[53,3,1,"","OWNDATA"],[53,3,1,"","T"],[53,3,1,"","WRITEABLE"],[53,3,1,"","WRITEBACKIFCOPY"],[53,2,1,"","all"],[53,2,1,"","any"],[53,2,1,"","argmax"],[53,2,1,"","argmin"],[53,2,1,"","argpartition"],[53,2,1,"","argsort"],[53,2,1,"","astype"],[53,3,1,"","base"],[53,2,1,"","byteswap"],[53,2,1,"","choose"],[53,2,1,"","clip"],[53,2,1,"","compress"],[53,2,1,"","conj"],[53,2,1,"","conjugate"],[53,2,1,"","copy"],[53,3,1,"","ctypes"],[53,2,1,"","cumprod"],[53,2,1,"","cumsum"],[53,3,1,"","data"],[53,2,1,"","diagonal"],[53,2,1,"","dot"],[53,3,1,"","dtype"],[53,2,1,"","dump"],[53,2,1,"","dumps"],[53,2,1,"","fill"],[53,3,1,"","flags"],[53,3,1,"","flat"],[53,2,1,"","flatten"],[53,2,1,"","getfield"],[53,3,1,"","imag"],[53,2,1,"","item"],[53,2,1,"","itemset"],[53,3,1,"","itemsize"],[53,3,1,"","m"],[53,2,1,"","max"],[53,2,1,"","mean"],[53,2,1,"","min"],[53,3,1,"","n"],[53,3,1,"","nbytes"],[53,3,1,"","ndim"],[53,2,1,"","newbyteorder"],[53,2,1,"","nonzero"],[53,2,1,"","partition"],[53,2,1,"","prod"],[53,2,1,"","ptp"],[53,2,1,"","put"],[53,2,1,"","ravel"],[53,3,1,"","real"],[53,2,1,"","repeat"],[53,2,1,"","reshape"],[53,2,1,"","resize"],[53,2,1,"","round"],[53,2,1,"","searchsorted"],[53,2,1,"","setfield"],[53,2,1,"","setflags"],[53,3,1,"","shape"],[53,3,1,"","size"],[53,2,1,"","sort"],[53,2,1,"","squeeze"],[53,2,1,"","std"],[53,3,1,"","strides"],[53,2,1,"","sum"],[53,2,1,"","swapaxes"],[53,2,1,"","take"],[53,2,1,"","to_dense"],[53,2,1,"","tobytes"],[53,2,1,"","tofile"],[53,2,1,"","tolist"],[53,2,1,"","tostring"],[53,2,1,"","trace"],[53,2,1,"","transpose"],[53,2,1,"","var"],[53,2,1,"","view"]],"darts.dataprocessing.dtw.cost_matrix.SparseCostMatrix":[[53,2,1,"","fill"],[53,3,1,"","m"],[53,3,1,"","n"],[53,2,1,"","to_dense"]],"darts.dataprocessing.dtw.dtw":[[54,1,1,"","DTWAlignment"],[54,5,1,"","dtw"]],"darts.dataprocessing.dtw.dtw.DTWAlignment":[[54,3,1,"id0","cost"],[54,2,1,"","distance"],[54,3,1,"id1","m"],[54,2,1,"","mean_distance"],[54,3,1,"id2","n"],[54,2,1,"","path"],[54,2,1,"","plot"],[54,2,1,"","plot_alignment"],[54,3,1,"id3","series1"],[54,3,1,"id4","series2"],[54,2,1,"","warped"]],"darts.dataprocessing.dtw.window":[[55,1,1,"","CRWindow"],[55,1,1,"","Itakura"],[55,1,1,"","NoWindow"],[55,1,1,"","SakoeChiba"],[55,1,1,"","Window"],[55,5,1,"","gtz"]],"darts.dataprocessing.dtw.window.CRWindow":[[55,2,1,"","add"],[55,2,1,"","add_range"],[55,2,1,"","column_index"],[55,2,1,"","column_length"],[55,2,1,"","column_lengths"],[55,3,1,"","column_ranges"],[55,2,1,"","init_size"],[55,3,1,"","length"],[55,3,1,"","m"],[55,3,1,"","n"]],"darts.dataprocessing.dtw.window.Itakura":[[55,2,1,"","add"],[55,2,1,"","add_range"],[55,2,1,"","column_index"],[55,2,1,"","column_length"],[55,2,1,"","column_lengths"],[55,3,1,"","column_ranges"],[55,2,1,"","init_size"],[55,3,1,"","length"],[55,3,1,"","m"],[55,3,1,"","n"]],"darts.dataprocessing.dtw.window.NoWindow":[[55,2,1,"","column_index"],[55,2,1,"","column_length"],[55,2,1,"","column_lengths"],[55,2,1,"","init_size"],[55,3,1,"","m"],[55,3,1,"","n"]],"darts.dataprocessing.dtw.window.SakoeChiba":[[55,2,1,"","add"],[55,2,1,"","add_range"],[55,2,1,"","column_index"],[55,2,1,"","column_length"],[55,2,1,"","column_lengths"],[55,3,1,"","column_ranges"],[55,2,1,"","init_size"],[55,3,1,"","length"],[55,3,1,"","m"],[55,3,1,"","n"]],"darts.dataprocessing.dtw.window.Window":[[55,2,1,"","column_index"],[55,2,1,"","column_length"],[55,2,1,"","column_lengths"],[55,2,1,"","init_size"],[55,3,1,"","m"],[55,3,1,"","n"]],"darts.dataprocessing.encoders":[[57,0,0,"-","encoder_base"],[58,0,0,"-","encoders"]],"darts.dataprocessing.encoders.encoder_base":[[57,1,1,"","CovariatesIndexGenerator"],[57,1,1,"","Encoder"],[57,1,1,"","FutureCovariatesIndexGenerator"],[57,1,1,"","PastCovariatesIndexGenerator"],[57,1,1,"","SequentialEncoderTransformer"],[57,1,1,"","SingleEncoder"]],"darts.dataprocessing.encoders.encoder_base.CovariatesIndexGenerator":[[57,4,1,"","base_component_name"],[57,2,1,"","generate_inference_idx"],[57,2,1,"","generate_train_idx"],[57,2,1,"","generate_train_inference_idx"]],"darts.dataprocessing.encoders.encoder_base.Encoder":[[57,2,1,"","encode_inference"],[57,2,1,"","encode_train"],[57,2,1,"","encode_train_inference"],[57,4,1,"","fit_called"],[57,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoder_base.FutureCovariatesIndexGenerator":[[57,4,1,"","base_component_name"],[57,2,1,"","generate_inference_idx"],[57,2,1,"","generate_train_idx"],[57,2,1,"","generate_train_inference_idx"]],"darts.dataprocessing.encoders.encoder_base.PastCovariatesIndexGenerator":[[57,4,1,"","base_component_name"],[57,2,1,"","generate_inference_idx"],[57,2,1,"","generate_train_idx"],[57,2,1,"","generate_train_inference_idx"]],"darts.dataprocessing.encoders.encoder_base.SequentialEncoderTransformer":[[57,4,1,"","fit_called"],[57,2,1,"","transform"]],"darts.dataprocessing.encoders.encoder_base.SingleEncoder":[[57,4,1,"","accept_transformer"],[57,4,1,"","base_component_name"],[57,4,1,"","components"],[57,2,1,"","encode_inference"],[57,2,1,"","encode_train"],[57,2,1,"","encode_train_inference"],[57,4,1,"","encoding_n_components"],[57,4,1,"","fit_called"],[57,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders":[[58,1,1,"","CallableIndexEncoder"],[58,1,1,"","CyclicTemporalEncoder"],[58,1,1,"","DatetimeAttributeEncoder"],[58,1,1,"","FutureCallableIndexEncoder"],[58,1,1,"","FutureCyclicEncoder"],[58,1,1,"","FutureDatetimeAttributeEncoder"],[58,1,1,"","FutureIntegerIndexEncoder"],[58,1,1,"","IntegerIndexEncoder"],[58,1,1,"","PastCallableIndexEncoder"],[58,1,1,"","PastCyclicEncoder"],[58,1,1,"","PastDatetimeAttributeEncoder"],[58,1,1,"","PastIntegerIndexEncoder"],[58,1,1,"","SequentialEncoder"]],"darts.dataprocessing.encoders.encoders.CallableIndexEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.CyclicTemporalEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.DatetimeAttributeEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.FutureCallableIndexEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.FutureCyclicEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.FutureDatetimeAttributeEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.FutureIntegerIndexEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.IntegerIndexEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.PastCallableIndexEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.PastCyclicEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.PastDatetimeAttributeEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.PastIntegerIndexEncoder":[[58,4,1,"","accept_transformer"],[58,4,1,"","base_component_name"],[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","requires_fit"]],"darts.dataprocessing.encoders.encoders.SequentialEncoder":[[58,4,1,"","components"],[58,2,1,"","encode_inference"],[58,2,1,"","encode_train"],[58,2,1,"","encode_train_inference"],[58,4,1,"","encoder_map"],[58,4,1,"","encoders"],[58,4,1,"","encoding_n_components"],[58,4,1,"","fit_called"],[58,4,1,"","future_components"],[58,4,1,"","future_encoders"],[58,4,1,"","future_transformer"],[58,4,1,"","past_components"],[58,4,1,"","past_encoders"],[58,4,1,"","past_transformer"],[58,4,1,"","requires_fit"],[58,2,1,"","transformers"]],"darts.dataprocessing.pipeline":[[59,1,1,"","Pipeline"]],"darts.dataprocessing.pipeline.Pipeline":[[59,2,1,"","fit"],[59,2,1,"","fit_transform"],[59,2,1,"","inverse_transform"],[59,2,1,"","invertible"],[59,2,1,"","transform"]],"darts.dataprocessing.transformers":[[61,0,0,"-","base_data_transformer"],[62,0,0,"-","boxcox"],[63,0,0,"-","diff"],[64,0,0,"-","fittable_data_transformer"],[65,0,0,"-","invertible_data_transformer"],[66,0,0,"-","mappers"],[67,0,0,"-","midas"],[68,0,0,"-","missing_values_filler"],[69,0,0,"-","reconciliation"],[70,0,0,"-","scaler"],[71,0,0,"-","static_covariates_transformer"],[72,0,0,"-","window_transformer"]],"darts.dataprocessing.transformers.base_data_transformer":[[61,1,1,"","BaseDataTransformer"]],"darts.dataprocessing.transformers.base_data_transformer.BaseDataTransformer":[[61,2,1,"","apply_component_mask"],[61,3,1,"id0","hierarchy"],[61,4,1,"","name"],[61,2,1,"","set_n_jobs"],[61,2,1,"","set_verbose"],[61,2,1,"","stack_samples"],[61,2,1,"","transform"],[61,2,1,"","ts_transform"],[61,2,1,"","unapply_component_mask"],[61,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.boxcox":[[62,1,1,"","BoxCox"]],"darts.dataprocessing.transformers.boxcox.BoxCox":[[62,2,1,"","apply_component_mask"],[62,2,1,"","fit"],[62,2,1,"","fit_transform"],[62,2,1,"","inverse_transform"],[62,4,1,"","name"],[62,2,1,"","set_n_jobs"],[62,2,1,"","set_verbose"],[62,2,1,"","stack_samples"],[62,2,1,"","transform"],[62,2,1,"","ts_fit"],[62,2,1,"","ts_inverse_transform"],[62,2,1,"","ts_transform"],[62,2,1,"","unapply_component_mask"],[62,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.diff":[[63,1,1,"","Diff"]],"darts.dataprocessing.transformers.diff.Diff":[[63,2,1,"","apply_component_mask"],[63,2,1,"","fit"],[63,2,1,"","fit_transform"],[63,2,1,"","inverse_transform"],[63,4,1,"","name"],[63,2,1,"","set_n_jobs"],[63,2,1,"","set_verbose"],[63,2,1,"","stack_samples"],[63,2,1,"","transform"],[63,2,1,"","ts_fit"],[63,2,1,"","ts_inverse_transform"],[63,2,1,"","ts_transform"],[63,2,1,"","unapply_component_mask"],[63,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.fittable_data_transformer":[[64,1,1,"","FittableDataTransformer"]],"darts.dataprocessing.transformers.fittable_data_transformer.FittableDataTransformer":[[64,2,1,"","apply_component_mask"],[64,2,1,"","fit"],[64,2,1,"","fit_transform"],[64,3,1,"id0","hierarchy"],[64,4,1,"","name"],[64,2,1,"","set_n_jobs"],[64,2,1,"","set_verbose"],[64,2,1,"","stack_samples"],[64,2,1,"","transform"],[64,2,1,"","ts_fit"],[64,2,1,"","ts_transform"],[64,2,1,"","unapply_component_mask"],[64,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.invertible_data_transformer":[[65,1,1,"","InvertibleDataTransformer"]],"darts.dataprocessing.transformers.invertible_data_transformer.InvertibleDataTransformer":[[65,2,1,"","apply_component_mask"],[65,3,1,"id1","hierarchy"],[65,2,1,"","inverse_transform"],[65,4,1,"","name"],[65,2,1,"","set_n_jobs"],[65,2,1,"","set_verbose"],[65,2,1,"","stack_samples"],[65,2,1,"","transform"],[65,2,1,"","ts_inverse_transform"],[65,2,1,"","ts_transform"],[65,2,1,"","unapply_component_mask"],[65,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.mappers":[[66,1,1,"","InvertibleMapper"],[66,1,1,"","Mapper"]],"darts.dataprocessing.transformers.mappers.InvertibleMapper":[[66,2,1,"","apply_component_mask"],[66,2,1,"","inverse_transform"],[66,4,1,"","name"],[66,2,1,"","set_n_jobs"],[66,2,1,"","set_verbose"],[66,2,1,"","stack_samples"],[66,2,1,"","transform"],[66,2,1,"","ts_inverse_transform"],[66,2,1,"","ts_transform"],[66,2,1,"","unapply_component_mask"],[66,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.mappers.Mapper":[[66,2,1,"","apply_component_mask"],[66,4,1,"","name"],[66,2,1,"","set_n_jobs"],[66,2,1,"","set_verbose"],[66,2,1,"","stack_samples"],[66,2,1,"","transform"],[66,2,1,"","ts_transform"],[66,2,1,"","unapply_component_mask"],[66,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.midas":[[67,1,1,"","MIDAS"]],"darts.dataprocessing.transformers.midas.MIDAS":[[67,2,1,"","apply_component_mask"],[67,2,1,"","fit"],[67,2,1,"","fit_transform"],[67,2,1,"","inverse_transform"],[67,4,1,"","name"],[67,2,1,"","set_n_jobs"],[67,2,1,"","set_verbose"],[67,2,1,"","stack_samples"],[67,2,1,"","transform"],[67,2,1,"","ts_fit"],[67,2,1,"","ts_inverse_transform"],[67,2,1,"","ts_transform"],[67,2,1,"","unapply_component_mask"],[67,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.missing_values_filler":[[68,1,1,"","MissingValuesFiller"]],"darts.dataprocessing.transformers.missing_values_filler.MissingValuesFiller":[[68,2,1,"","apply_component_mask"],[68,4,1,"","name"],[68,2,1,"","set_n_jobs"],[68,2,1,"","set_verbose"],[68,2,1,"","stack_samples"],[68,2,1,"","transform"],[68,2,1,"","ts_transform"],[68,2,1,"","unapply_component_mask"],[68,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.reconciliation":[[69,1,1,"","BottomUpReconciliator"],[69,1,1,"","MinTReconciliator"],[69,1,1,"","TopDownReconciliator"]],"darts.dataprocessing.transformers.reconciliation.BottomUpReconciliator":[[69,2,1,"","apply_component_mask"],[69,2,1,"","get_projection_matrix"],[69,3,1,"id0","hierarchy"],[69,4,1,"","name"],[69,2,1,"","set_n_jobs"],[69,2,1,"","set_verbose"],[69,2,1,"","stack_samples"],[69,2,1,"","transform"],[69,2,1,"","ts_transform"],[69,2,1,"","unapply_component_mask"],[69,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.reconciliation.MinTReconciliator":[[69,2,1,"","apply_component_mask"],[69,2,1,"","fit"],[69,2,1,"","fit_transform"],[69,2,1,"","get_matrices"],[69,4,1,"","name"],[69,2,1,"","set_n_jobs"],[69,2,1,"","set_verbose"],[69,2,1,"","stack_samples"],[69,2,1,"","transform"],[69,2,1,"","ts_fit"],[69,2,1,"","ts_transform"],[69,2,1,"","unapply_component_mask"],[69,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.reconciliation.TopDownReconciliator":[[69,2,1,"","apply_component_mask"],[69,2,1,"","fit"],[69,2,1,"","fit_transform"],[69,2,1,"","get_projection_matrix"],[69,3,1,"id8","hierarchy"],[69,4,1,"","name"],[69,2,1,"","set_n_jobs"],[69,2,1,"","set_verbose"],[69,2,1,"","stack_samples"],[69,2,1,"","transform"],[69,2,1,"","ts_fit"],[69,2,1,"","ts_transform"],[69,2,1,"","unapply_component_mask"],[69,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.scaler":[[70,1,1,"","Scaler"]],"darts.dataprocessing.transformers.scaler.Scaler":[[70,2,1,"","apply_component_mask"],[70,2,1,"","fit"],[70,2,1,"","fit_transform"],[70,2,1,"","inverse_transform"],[70,4,1,"","name"],[70,2,1,"","set_n_jobs"],[70,2,1,"","set_verbose"],[70,2,1,"","stack_samples"],[70,2,1,"","transform"],[70,2,1,"","ts_fit"],[70,2,1,"","ts_inverse_transform"],[70,2,1,"","ts_transform"],[70,2,1,"","unapply_component_mask"],[70,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.static_covariates_transformer":[[71,1,1,"","StaticCovariatesTransformer"]],"darts.dataprocessing.transformers.static_covariates_transformer.StaticCovariatesTransformer":[[71,2,1,"","apply_component_mask"],[71,2,1,"","fit"],[71,2,1,"","fit_transform"],[71,2,1,"","inverse_transform"],[71,4,1,"","name"],[71,2,1,"","set_n_jobs"],[71,2,1,"","set_verbose"],[71,2,1,"","stack_samples"],[71,2,1,"","transform"],[71,2,1,"","ts_fit"],[71,2,1,"","ts_inverse_transform"],[71,2,1,"","ts_transform"],[71,2,1,"","unapply_component_mask"],[71,2,1,"","unstack_samples"]],"darts.dataprocessing.transformers.window_transformer":[[72,1,1,"","WindowTransformer"]],"darts.dataprocessing.transformers.window_transformer.WindowTransformer":[[72,2,1,"","apply_component_mask"],[72,4,1,"","name"],[72,2,1,"","set_n_jobs"],[72,2,1,"","set_verbose"],[72,2,1,"","stack_samples"],[72,2,1,"","transform"],[72,2,1,"","ts_transform"],[72,2,1,"","unapply_component_mask"],[72,2,1,"","unstack_samples"]],"darts.datasets":[[73,1,1,"","AirPassengersDataset"],[73,1,1,"","AusBeerDataset"],[73,1,1,"","AustralianTourismDataset"],[73,1,1,"","ETTh1Dataset"],[73,1,1,"","ETTh2Dataset"],[73,1,1,"","ETTm1Dataset"],[73,1,1,"","ETTm2Dataset"],[73,1,1,"","ElectricityConsumptionZurichDataset"],[73,1,1,"","ElectricityDataset"],[73,1,1,"","EnergyDataset"],[73,1,1,"","ExchangeRateDataset"],[73,1,1,"","GasRateCO2Dataset"],[73,1,1,"","HeartRateDataset"],[73,1,1,"","ILINetDataset"],[73,1,1,"","IceCreamHeaterDataset"],[73,1,1,"","MonthlyMilkDataset"],[73,1,1,"","MonthlyMilkIncompleteDataset"],[73,1,1,"","SunspotsDataset"],[73,1,1,"","TaylorDataset"],[73,1,1,"","TemperatureDataset"],[73,1,1,"","TrafficDataset"],[73,1,1,"","USGasolineDataset"],[73,1,1,"","UberTLCDataset"],[73,1,1,"","WeatherDataset"],[73,1,1,"","WineDataset"],[73,1,1,"","WoolyDataset"],[74,0,0,"-","dataset_loaders"]],"darts.datasets.AirPassengersDataset":[[73,2,1,"","load"]],"darts.datasets.AusBeerDataset":[[73,2,1,"","load"]],"darts.datasets.AustralianTourismDataset":[[73,2,1,"","load"]],"darts.datasets.ETTh1Dataset":[[73,2,1,"","load"]],"darts.datasets.ETTh2Dataset":[[73,2,1,"","load"]],"darts.datasets.ETTm1Dataset":[[73,2,1,"","load"]],"darts.datasets.ETTm2Dataset":[[73,2,1,"","load"]],"darts.datasets.ElectricityConsumptionZurichDataset":[[73,2,1,"","load"]],"darts.datasets.ElectricityDataset":[[73,2,1,"","load"]],"darts.datasets.EnergyDataset":[[73,2,1,"","load"]],"darts.datasets.ExchangeRateDataset":[[73,2,1,"","load"]],"darts.datasets.GasRateCO2Dataset":[[73,2,1,"","load"]],"darts.datasets.HeartRateDataset":[[73,2,1,"","load"]],"darts.datasets.ILINetDataset":[[73,2,1,"","load"]],"darts.datasets.IceCreamHeaterDataset":[[73,2,1,"","load"]],"darts.datasets.MonthlyMilkDataset":[[73,2,1,"","load"]],"darts.datasets.MonthlyMilkIncompleteDataset":[[73,2,1,"","load"]],"darts.datasets.SunspotsDataset":[[73,2,1,"","load"]],"darts.datasets.TaylorDataset":[[73,2,1,"","load"]],"darts.datasets.TemperatureDataset":[[73,2,1,"","load"]],"darts.datasets.TrafficDataset":[[73,2,1,"","load"]],"darts.datasets.USGasolineDataset":[[73,2,1,"","load"]],"darts.datasets.UberTLCDataset":[[73,2,1,"","load"]],"darts.datasets.WeatherDataset":[[73,2,1,"","load"]],"darts.datasets.WineDataset":[[73,2,1,"","load"]],"darts.datasets.WoolyDataset":[[73,2,1,"","load"]],"darts.datasets.dataset_loaders":[[74,1,1,"","DatasetLoader"],[74,1,1,"","DatasetLoaderCSV"],[74,1,1,"","DatasetLoaderMetadata"],[74,6,1,"","DatasetLoadingException"]],"darts.datasets.dataset_loaders.DatasetLoader":[[74,2,1,"","load"]],"darts.datasets.dataset_loaders.DatasetLoaderCSV":[[74,2,1,"","load"]],"darts.datasets.dataset_loaders.DatasetLoaderMetadata":[[74,3,1,"","format_time"],[74,3,1,"","freq"],[74,3,1,"","hash"],[74,3,1,"","header_time"],[74,3,1,"","multivariate"],[74,3,1,"","name"],[74,3,1,"","pre_process_csv_fn"],[74,3,1,"","pre_process_zipped_csv_fn"],[74,3,1,"","uri"]],"darts.datasets.dataset_loaders.DatasetLoadingException":[[74,3,1,"","args"],[74,2,1,"","with_traceback"]],"darts.explainability":[[76,0,0,"-","explainability"],[77,0,0,"-","explainability_result"],[78,0,0,"-","shap_explainer"],[79,0,0,"-","tft_explainer"],[80,0,0,"-","utils"]],"darts.explainability.explainability_result":[[77,1,1,"","ComponentBasedExplainabilityResult"],[77,1,1,"","HorizonBasedExplainabilityResult"],[77,1,1,"","ShapExplainabilityResult"],[77,1,1,"","TFTExplainabilityResult"]],"darts.explainability.explainability_result.ComponentBasedExplainabilityResult":[[77,2,1,"","get_explanation"]],"darts.explainability.explainability_result.HorizonBasedExplainabilityResult":[[77,2,1,"","get_explanation"]],"darts.explainability.explainability_result.ShapExplainabilityResult":[[77,2,1,"","get_explanation"],[77,2,1,"","get_feature_values"],[77,2,1,"","get_shap_explanation_object"]],"darts.explainability.explainability_result.TFTExplainabilityResult":[[77,2,1,"","get_attention"],[77,2,1,"","get_decoder_importance"],[77,2,1,"","get_encoder_importance"],[77,2,1,"","get_explanation"],[77,2,1,"","get_feature_importances"],[77,2,1,"","get_static_covariates_importance"]],"darts.explainability.shap_explainer":[[78,1,1,"","ShapExplainer"]],"darts.explainability.shap_explainer.ShapExplainer":[[78,2,1,"","explain"],[78,2,1,"","force_plot_from_ts"],[78,3,1,"","model"],[78,2,1,"","summary_plot"]],"darts.explainability.tft_explainer":[[79,1,1,"","TFTExplainer"]],"darts.explainability.tft_explainer.TFTExplainer":[[79,2,1,"","explain"],[79,3,1,"","model"],[79,2,1,"","plot_attention"],[79,2,1,"","plot_variable_selection"]],"darts.explainability.utils":[[80,5,1,"","get_component_names"],[80,5,1,"","process_horizons_and_targets"],[80,5,1,"","process_input"]],"darts.metrics":[[82,0,0,"-","metrics"]],"darts.metrics.metrics":[[82,5,1,"","coefficient_of_variation"],[82,5,1,"","dtw_metric"],[82,5,1,"","mae"],[82,5,1,"","mape"],[82,5,1,"","marre"],[82,5,1,"","mase"],[82,5,1,"","mse"],[82,5,1,"","multi_ts_support"],[82,5,1,"","multivariate_support"],[82,5,1,"","ope"],[82,5,1,"","quantile_loss"],[82,5,1,"","r2_score"],[82,5,1,"","rho_risk"],[82,5,1,"","rmse"],[82,5,1,"","rmsle"],[82,5,1,"","smape"]],"darts.models":[[84,0,0,"-","components"],[90,0,0,"-","filtering"],[95,0,0,"-","forecasting"],[133,0,0,"-","utils"]],"darts.models.components":[[85,0,0,"-","feed_forward"],[86,0,0,"-","glu_variants"],[87,0,0,"-","layer_norm_variants"],[88,0,0,"-","statsforecast_utils"],[89,0,0,"-","transformer"]],"darts.models.components.feed_forward":[[85,1,1,"","FeedForward"]],"darts.models.components.feed_forward.FeedForward":[[85,3,1,"","T_destination"],[85,2,1,"","add_module"],[85,2,1,"","apply"],[85,2,1,"","bfloat16"],[85,2,1,"","buffers"],[85,3,1,"","call_super_init"],[85,2,1,"","children"],[85,2,1,"","compile"],[85,2,1,"","cpu"],[85,2,1,"","cuda"],[85,2,1,"","double"],[85,3,1,"","dump_patches"],[85,2,1,"","eval"],[85,2,1,"","extra_repr"],[85,2,1,"","float"],[85,2,1,"","forward"],[85,2,1,"","get_buffer"],[85,2,1,"","get_extra_state"],[85,2,1,"","get_parameter"],[85,2,1,"","get_submodule"],[85,2,1,"","half"],[85,2,1,"","ipu"],[85,2,1,"","load_state_dict"],[85,2,1,"","modules"],[85,2,1,"","named_buffers"],[85,2,1,"","named_children"],[85,2,1,"","named_modules"],[85,2,1,"","named_parameters"],[85,2,1,"","parameters"],[85,2,1,"","register_backward_hook"],[85,2,1,"","register_buffer"],[85,2,1,"","register_forward_hook"],[85,2,1,"","register_forward_pre_hook"],[85,2,1,"","register_full_backward_hook"],[85,2,1,"","register_full_backward_pre_hook"],[85,2,1,"","register_load_state_dict_post_hook"],[85,2,1,"","register_module"],[85,2,1,"","register_parameter"],[85,2,1,"","register_state_dict_pre_hook"],[85,2,1,"","requires_grad_"],[85,2,1,"","set_extra_state"],[85,2,1,"","share_memory"],[85,2,1,"","state_dict"],[85,2,1,"","to"],[85,2,1,"","to_empty"],[85,2,1,"","train"],[85,3,1,"","training"],[85,2,1,"","type"],[85,2,1,"","xpu"],[85,2,1,"","zero_grad"]],"darts.models.components.glu_variants":[[86,1,1,"","Bilinear"],[86,1,1,"","GEGLU"],[86,1,1,"","GELU"],[86,1,1,"","GLU"],[86,1,1,"","ReGLU"],[86,1,1,"","ReLU"],[86,1,1,"","SwiGLU"]],"darts.models.components.glu_variants.Bilinear":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.glu_variants.GEGLU":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.glu_variants.GELU":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.glu_variants.GLU":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.glu_variants.ReGLU":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.glu_variants.ReLU":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.glu_variants.SwiGLU":[[86,3,1,"","T_destination"],[86,2,1,"","add_module"],[86,2,1,"","apply"],[86,2,1,"","bfloat16"],[86,2,1,"","buffers"],[86,3,1,"","call_super_init"],[86,2,1,"","children"],[86,2,1,"","compile"],[86,2,1,"","cpu"],[86,2,1,"","cuda"],[86,2,1,"","double"],[86,3,1,"","dump_patches"],[86,2,1,"","eval"],[86,2,1,"","extra_repr"],[86,2,1,"","float"],[86,2,1,"","forward"],[86,2,1,"","get_buffer"],[86,2,1,"","get_extra_state"],[86,2,1,"","get_parameter"],[86,2,1,"","get_submodule"],[86,2,1,"","half"],[86,2,1,"","ipu"],[86,2,1,"","load_state_dict"],[86,2,1,"","modules"],[86,2,1,"","named_buffers"],[86,2,1,"","named_children"],[86,2,1,"","named_modules"],[86,2,1,"","named_parameters"],[86,2,1,"","parameters"],[86,2,1,"","register_backward_hook"],[86,2,1,"","register_buffer"],[86,2,1,"","register_forward_hook"],[86,2,1,"","register_forward_pre_hook"],[86,2,1,"","register_full_backward_hook"],[86,2,1,"","register_full_backward_pre_hook"],[86,2,1,"","register_load_state_dict_post_hook"],[86,2,1,"","register_module"],[86,2,1,"","register_parameter"],[86,2,1,"","register_state_dict_pre_hook"],[86,2,1,"","requires_grad_"],[86,2,1,"","set_extra_state"],[86,2,1,"","share_memory"],[86,2,1,"","state_dict"],[86,2,1,"","to"],[86,2,1,"","to_empty"],[86,2,1,"","train"],[86,3,1,"","training"],[86,2,1,"","type"],[86,2,1,"","xpu"],[86,2,1,"","zero_grad"]],"darts.models.components.layer_norm_variants":[[87,1,1,"","LayerNorm"],[87,1,1,"","LayerNormNoBias"],[87,1,1,"","RINorm"],[87,1,1,"","RMSNorm"]],"darts.models.components.layer_norm_variants.LayerNorm":[[87,3,1,"","T_destination"],[87,2,1,"","add_module"],[87,2,1,"","apply"],[87,2,1,"","bfloat16"],[87,2,1,"","buffers"],[87,3,1,"","call_super_init"],[87,2,1,"","children"],[87,2,1,"","compile"],[87,2,1,"","cpu"],[87,2,1,"","cuda"],[87,2,1,"","double"],[87,3,1,"","dump_patches"],[87,3,1,"","elementwise_affine"],[87,3,1,"","eps"],[87,2,1,"","eval"],[87,2,1,"","extra_repr"],[87,2,1,"","float"],[87,2,1,"","forward"],[87,2,1,"","get_buffer"],[87,2,1,"","get_extra_state"],[87,2,1,"","get_parameter"],[87,2,1,"","get_submodule"],[87,2,1,"","half"],[87,2,1,"","ipu"],[87,2,1,"","load_state_dict"],[87,2,1,"","modules"],[87,2,1,"","named_buffers"],[87,2,1,"","named_children"],[87,2,1,"","named_modules"],[87,2,1,"","named_parameters"],[87,3,1,"","normalized_shape"],[87,2,1,"","parameters"],[87,2,1,"","register_backward_hook"],[87,2,1,"","register_buffer"],[87,2,1,"","register_forward_hook"],[87,2,1,"","register_forward_pre_hook"],[87,2,1,"","register_full_backward_hook"],[87,2,1,"","register_full_backward_pre_hook"],[87,2,1,"","register_load_state_dict_post_hook"],[87,2,1,"","register_module"],[87,2,1,"","register_parameter"],[87,2,1,"","register_state_dict_pre_hook"],[87,2,1,"","requires_grad_"],[87,2,1,"","reset_parameters"],[87,2,1,"","set_extra_state"],[87,2,1,"","share_memory"],[87,2,1,"","state_dict"],[87,2,1,"","to"],[87,2,1,"","to_empty"],[87,2,1,"","train"],[87,3,1,"","training"],[87,2,1,"","type"],[87,2,1,"","xpu"],[87,2,1,"","zero_grad"]],"darts.models.components.layer_norm_variants.LayerNormNoBias":[[87,3,1,"","T_destination"],[87,2,1,"","add_module"],[87,2,1,"","apply"],[87,2,1,"","bfloat16"],[87,2,1,"","buffers"],[87,3,1,"","call_super_init"],[87,2,1,"","children"],[87,2,1,"","compile"],[87,2,1,"","cpu"],[87,2,1,"","cuda"],[87,2,1,"","double"],[87,3,1,"","dump_patches"],[87,3,1,"","elementwise_affine"],[87,3,1,"","eps"],[87,2,1,"","eval"],[87,2,1,"","extra_repr"],[87,2,1,"","float"],[87,2,1,"","forward"],[87,2,1,"","get_buffer"],[87,2,1,"","get_extra_state"],[87,2,1,"","get_parameter"],[87,2,1,"","get_submodule"],[87,2,1,"","half"],[87,2,1,"","ipu"],[87,2,1,"","load_state_dict"],[87,2,1,"","modules"],[87,2,1,"","named_buffers"],[87,2,1,"","named_children"],[87,2,1,"","named_modules"],[87,2,1,"","named_parameters"],[87,3,1,"","normalized_shape"],[87,2,1,"","parameters"],[87,2,1,"","register_backward_hook"],[87,2,1,"","register_buffer"],[87,2,1,"","register_forward_hook"],[87,2,1,"","register_forward_pre_hook"],[87,2,1,"","register_full_backward_hook"],[87,2,1,"","register_full_backward_pre_hook"],[87,2,1,"","register_load_state_dict_post_hook"],[87,2,1,"","register_module"],[87,2,1,"","register_parameter"],[87,2,1,"","register_state_dict_pre_hook"],[87,2,1,"","requires_grad_"],[87,2,1,"","reset_parameters"],[87,2,1,"","set_extra_state"],[87,2,1,"","share_memory"],[87,2,1,"","state_dict"],[87,2,1,"","to"],[87,2,1,"","to_empty"],[87,2,1,"","train"],[87,3,1,"","training"],[87,2,1,"","type"],[87,2,1,"","xpu"],[87,2,1,"","zero_grad"]],"darts.models.components.layer_norm_variants.RINorm":[[87,3,1,"","T_destination"],[87,2,1,"","add_module"],[87,2,1,"","apply"],[87,2,1,"","bfloat16"],[87,2,1,"","buffers"],[87,3,1,"","call_super_init"],[87,2,1,"","children"],[87,2,1,"","compile"],[87,2,1,"","cpu"],[87,2,1,"","cuda"],[87,2,1,"","double"],[87,3,1,"","dump_patches"],[87,2,1,"","eval"],[87,2,1,"","extra_repr"],[87,2,1,"","float"],[87,2,1,"","forward"],[87,2,1,"","get_buffer"],[87,2,1,"","get_extra_state"],[87,2,1,"","get_parameter"],[87,2,1,"","get_submodule"],[87,2,1,"","half"],[87,2,1,"","inverse"],[87,2,1,"","ipu"],[87,2,1,"","load_state_dict"],[87,2,1,"","modules"],[87,2,1,"","named_buffers"],[87,2,1,"","named_children"],[87,2,1,"","named_modules"],[87,2,1,"","named_parameters"],[87,2,1,"","parameters"],[87,2,1,"","register_backward_hook"],[87,2,1,"","register_buffer"],[87,2,1,"","register_forward_hook"],[87,2,1,"","register_forward_pre_hook"],[87,2,1,"","register_full_backward_hook"],[87,2,1,"","register_full_backward_pre_hook"],[87,2,1,"","register_load_state_dict_post_hook"],[87,2,1,"","register_module"],[87,2,1,"","register_parameter"],[87,2,1,"","register_state_dict_pre_hook"],[87,2,1,"","requires_grad_"],[87,2,1,"","set_extra_state"],[87,2,1,"","share_memory"],[87,2,1,"","state_dict"],[87,2,1,"","to"],[87,2,1,"","to_empty"],[87,2,1,"","train"],[87,3,1,"","training"],[87,2,1,"","type"],[87,2,1,"","xpu"],[87,2,1,"","zero_grad"]],"darts.models.components.layer_norm_variants.RMSNorm":[[87,3,1,"","T_destination"],[87,2,1,"","add_module"],[87,2,1,"","apply"],[87,2,1,"","bfloat16"],[87,2,1,"","buffers"],[87,3,1,"","call_super_init"],[87,2,1,"","children"],[87,2,1,"","compile"],[87,2,1,"","cpu"],[87,2,1,"","cuda"],[87,2,1,"","double"],[87,3,1,"","dump_patches"],[87,2,1,"","eval"],[87,2,1,"","extra_repr"],[87,2,1,"","float"],[87,2,1,"","forward"],[87,2,1,"","get_buffer"],[87,2,1,"","get_extra_state"],[87,2,1,"","get_parameter"],[87,2,1,"","get_submodule"],[87,2,1,"","half"],[87,2,1,"","ipu"],[87,2,1,"","load_state_dict"],[87,2,1,"","modules"],[87,2,1,"","named_buffers"],[87,2,1,"","named_children"],[87,2,1,"","named_modules"],[87,2,1,"","named_parameters"],[87,2,1,"","parameters"],[87,2,1,"","register_backward_hook"],[87,2,1,"","register_buffer"],[87,2,1,"","register_forward_hook"],[87,2,1,"","register_forward_pre_hook"],[87,2,1,"","register_full_backward_hook"],[87,2,1,"","register_full_backward_pre_hook"],[87,2,1,"","register_load_state_dict_post_hook"],[87,2,1,"","register_module"],[87,2,1,"","register_parameter"],[87,2,1,"","register_state_dict_pre_hook"],[87,2,1,"","requires_grad_"],[87,2,1,"","set_extra_state"],[87,2,1,"","share_memory"],[87,2,1,"","state_dict"],[87,2,1,"","to"],[87,2,1,"","to_empty"],[87,2,1,"","train"],[87,3,1,"","training"],[87,2,1,"","type"],[87,2,1,"","xpu"],[87,2,1,"","zero_grad"]],"darts.models.components.statsforecast_utils":[[88,5,1,"","create_normal_samples"],[88,5,1,"","unpack_sf_dict"]],"darts.models.components.transformer":[[89,1,1,"","CustomFeedForwardDecoderLayer"],[89,1,1,"","CustomFeedForwardEncoderLayer"]],"darts.models.components.transformer.CustomFeedForwardDecoderLayer":[[89,3,1,"","T_destination"],[89,2,1,"","add_module"],[89,2,1,"","apply"],[89,2,1,"","bfloat16"],[89,2,1,"","buffers"],[89,3,1,"","call_super_init"],[89,2,1,"","children"],[89,2,1,"","compile"],[89,2,1,"","cpu"],[89,2,1,"","cuda"],[89,2,1,"","double"],[89,3,1,"","dump_patches"],[89,2,1,"","eval"],[89,2,1,"","extra_repr"],[89,2,1,"","float"],[89,2,1,"","forward"],[89,2,1,"","get_buffer"],[89,2,1,"","get_extra_state"],[89,2,1,"","get_parameter"],[89,2,1,"","get_submodule"],[89,2,1,"","half"],[89,2,1,"","ipu"],[89,2,1,"","load_state_dict"],[89,2,1,"","modules"],[89,2,1,"","named_buffers"],[89,2,1,"","named_children"],[89,2,1,"","named_modules"],[89,2,1,"","named_parameters"],[89,2,1,"","parameters"],[89,2,1,"","register_backward_hook"],[89,2,1,"","register_buffer"],[89,2,1,"","register_forward_hook"],[89,2,1,"","register_forward_pre_hook"],[89,2,1,"","register_full_backward_hook"],[89,2,1,"","register_full_backward_pre_hook"],[89,2,1,"","register_load_state_dict_post_hook"],[89,2,1,"","register_module"],[89,2,1,"","register_parameter"],[89,2,1,"","register_state_dict_pre_hook"],[89,2,1,"","requires_grad_"],[89,2,1,"","set_extra_state"],[89,2,1,"","share_memory"],[89,2,1,"","state_dict"],[89,2,1,"","to"],[89,2,1,"","to_empty"],[89,2,1,"","train"],[89,3,1,"","training"],[89,2,1,"","type"],[89,2,1,"","xpu"],[89,2,1,"","zero_grad"]],"darts.models.components.transformer.CustomFeedForwardEncoderLayer":[[89,3,1,"","T_destination"],[89,2,1,"","add_module"],[89,2,1,"","apply"],[89,2,1,"","bfloat16"],[89,2,1,"","buffers"],[89,3,1,"","call_super_init"],[89,2,1,"","children"],[89,2,1,"","compile"],[89,2,1,"","cpu"],[89,2,1,"","cuda"],[89,2,1,"","double"],[89,3,1,"","dump_patches"],[89,2,1,"","eval"],[89,2,1,"","extra_repr"],[89,2,1,"","float"],[89,2,1,"","forward"],[89,2,1,"","get_buffer"],[89,2,1,"","get_extra_state"],[89,2,1,"","get_parameter"],[89,2,1,"","get_submodule"],[89,2,1,"","half"],[89,2,1,"","ipu"],[89,2,1,"","load_state_dict"],[89,2,1,"","modules"],[89,2,1,"","named_buffers"],[89,2,1,"","named_children"],[89,2,1,"","named_modules"],[89,2,1,"","named_parameters"],[89,2,1,"","parameters"],[89,2,1,"","register_backward_hook"],[89,2,1,"","register_buffer"],[89,2,1,"","register_forward_hook"],[89,2,1,"","register_forward_pre_hook"],[89,2,1,"","register_full_backward_hook"],[89,2,1,"","register_full_backward_pre_hook"],[89,2,1,"","register_load_state_dict_post_hook"],[89,2,1,"","register_module"],[89,2,1,"","register_parameter"],[89,2,1,"","register_state_dict_pre_hook"],[89,2,1,"","requires_grad_"],[89,2,1,"","set_extra_state"],[89,2,1,"","share_memory"],[89,2,1,"","state_dict"],[89,2,1,"","to"],[89,2,1,"","to_empty"],[89,2,1,"","train"],[89,3,1,"","training"],[89,2,1,"","type"],[89,2,1,"","xpu"],[89,2,1,"","zero_grad"]],"darts.models.filtering":[[91,0,0,"-","filtering_model"],[92,0,0,"-","gaussian_process_filter"],[93,0,0,"-","kalman_filter"],[94,0,0,"-","moving_average_filter"]],"darts.models.filtering.filtering_model":[[91,1,1,"","FilteringModel"]],"darts.models.filtering.filtering_model.FilteringModel":[[91,2,1,"","filter"]],"darts.models.filtering.gaussian_process_filter":[[92,1,1,"","GaussianProcessFilter"]],"darts.models.filtering.gaussian_process_filter.GaussianProcessFilter":[[92,2,1,"","filter"]],"darts.models.filtering.kalman_filter":[[93,1,1,"","KalmanFilter"]],"darts.models.filtering.kalman_filter.KalmanFilter":[[93,2,1,"","filter"],[93,2,1,"","fit"]],"darts.models.filtering.moving_average_filter":[[94,1,1,"","MovingAverageFilter"]],"darts.models.filtering.moving_average_filter.MovingAverageFilter":[[94,2,1,"","filter"]],"darts.models.forecasting":[[96,0,0,"-","arima"],[97,0,0,"-","auto_arima"],[98,0,0,"-","baselines"],[100,0,0,"-","catboost_model"],[101,0,0,"-","croston"],[102,0,0,"-","dlinear"],[103,0,0,"-","ensemble_model"],[104,0,0,"-","exponential_smoothing"],[105,0,0,"-","fft"],[106,0,0,"-","forecasting_model"],[107,0,0,"-","kalman_forecaster"],[108,0,0,"-","lgbm"],[109,0,0,"-","linear_regression_model"],[110,0,0,"-","nbeats"],[111,0,0,"-","nhits"],[112,0,0,"-","nlinear"],[113,0,0,"-","pl_forecasting_module"],[114,0,0,"-","prophet_model"],[115,0,0,"-","random_forest"],[116,0,0,"-","regression_ensemble_model"],[117,0,0,"-","regression_model"],[119,0,0,"-","sf_auto_arima"],[120,0,0,"-","sf_auto_ces"],[121,0,0,"-","sf_auto_ets"],[122,0,0,"-","sf_auto_theta"],[123,0,0,"-","tbats_model"],[124,0,0,"-","tcn_model"],[125,0,0,"-","tft_model"],[126,0,0,"-","tft_submodels"],[127,0,0,"-","theta"],[128,0,0,"-","tide_model"],[129,0,0,"-","torch_forecasting_model"],[130,0,0,"-","transformer_model"],[131,0,0,"-","varima"],[132,0,0,"-","xgboost"]],"darts.models.forecasting.arima":[[96,1,1,"","ARIMA"]],"darts.models.forecasting.arima.ARIMA":[[96,2,1,"","backtest"],[96,4,1,"","considers_static_covariates"],[96,4,1,"","extreme_lags"],[96,2,1,"","fit"],[96,2,1,"","generate_fit_encodings"],[96,2,1,"","generate_fit_predict_encodings"],[96,2,1,"","generate_predict_encodings"],[96,2,1,"","gridsearch"],[96,2,1,"","historical_forecasts"],[96,2,1,"","load"],[96,4,1,"","min_train_samples"],[96,4,1,"","model_params"],[96,4,1,"","output_chunk_length"],[96,2,1,"","predict"],[96,2,1,"","residuals"],[96,2,1,"","save"],[96,4,1,"","supports_future_covariates"],[96,4,1,"","supports_likelihood_parameter_prediction"],[96,4,1,"","supports_multivariate"],[96,4,1,"","supports_optimized_historical_forecasts"],[96,4,1,"","supports_past_covariates"],[96,4,1,"","supports_static_covariates"],[96,4,1,"","supports_transferrable_series_prediction"],[96,4,1,"","uses_future_covariates"],[96,4,1,"","uses_past_covariates"],[96,4,1,"","uses_static_covariates"]],"darts.models.forecasting.auto_arima":[[97,1,1,"","AutoARIMA"]],"darts.models.forecasting.auto_arima.AutoARIMA":[[97,2,1,"","backtest"],[97,4,1,"","considers_static_covariates"],[97,4,1,"","extreme_lags"],[97,2,1,"","fit"],[97,2,1,"","generate_fit_encodings"],[97,2,1,"","generate_fit_predict_encodings"],[97,2,1,"","generate_predict_encodings"],[97,2,1,"","gridsearch"],[97,2,1,"","historical_forecasts"],[97,2,1,"","load"],[97,4,1,"","min_train_samples"],[97,4,1,"","model_params"],[97,4,1,"","output_chunk_length"],[97,2,1,"","predict"],[97,2,1,"","residuals"],[97,2,1,"","save"],[97,4,1,"","supports_future_covariates"],[97,4,1,"","supports_likelihood_parameter_prediction"],[97,4,1,"","supports_multivariate"],[97,4,1,"","supports_optimized_historical_forecasts"],[97,4,1,"","supports_past_covariates"],[97,4,1,"","supports_static_covariates"],[97,4,1,"","supports_transferrable_series_prediction"],[97,4,1,"","uses_future_covariates"],[97,4,1,"","uses_past_covariates"],[97,4,1,"","uses_static_covariates"]],"darts.models.forecasting.baselines":[[98,1,1,"","NaiveDrift"],[98,1,1,"","NaiveEnsembleModel"],[98,1,1,"","NaiveMean"],[98,1,1,"","NaiveMovingAverage"],[98,1,1,"","NaiveSeasonal"]],"darts.models.forecasting.baselines.NaiveDrift":[[98,2,1,"","backtest"],[98,4,1,"","considers_static_covariates"],[98,4,1,"","extreme_lags"],[98,2,1,"","fit"],[98,2,1,"","generate_fit_encodings"],[98,2,1,"","generate_fit_predict_encodings"],[98,2,1,"","generate_predict_encodings"],[98,2,1,"","gridsearch"],[98,2,1,"","historical_forecasts"],[98,2,1,"","load"],[98,4,1,"","min_train_samples"],[98,4,1,"","model_params"],[98,4,1,"","output_chunk_length"],[98,2,1,"","predict"],[98,2,1,"","residuals"],[98,2,1,"","save"],[98,4,1,"","supports_future_covariates"],[98,4,1,"","supports_likelihood_parameter_prediction"],[98,4,1,"","supports_multivariate"],[98,4,1,"","supports_optimized_historical_forecasts"],[98,4,1,"","supports_past_covariates"],[98,4,1,"","supports_static_covariates"],[98,4,1,"","supports_transferrable_series_prediction"],[98,4,1,"","uses_future_covariates"],[98,4,1,"","uses_past_covariates"],[98,4,1,"","uses_static_covariates"]],"darts.models.forecasting.baselines.NaiveEnsembleModel":[[98,2,1,"","backtest"],[98,4,1,"","considers_static_covariates"],[98,2,1,"","ensemble"],[98,4,1,"","extreme_lags"],[98,2,1,"","fit"],[98,2,1,"","generate_fit_encodings"],[98,2,1,"","generate_fit_predict_encodings"],[98,2,1,"","generate_predict_encodings"],[98,2,1,"","gridsearch"],[98,2,1,"","historical_forecasts"],[98,2,1,"","load"],[98,4,1,"","min_train_samples"],[98,4,1,"","model_params"],[98,4,1,"","output_chunk_length"],[98,2,1,"","predict"],[98,2,1,"","residuals"],[98,2,1,"","save"],[98,4,1,"","supports_future_covariates"],[98,4,1,"","supports_likelihood_parameter_prediction"],[98,4,1,"","supports_multivariate"],[98,4,1,"","supports_optimized_historical_forecasts"],[98,4,1,"","supports_past_covariates"],[98,4,1,"","supports_static_covariates"],[98,4,1,"","supports_transferrable_series_prediction"],[98,4,1,"","uses_future_covariates"],[98,4,1,"","uses_past_covariates"],[98,4,1,"","uses_static_covariates"]],"darts.models.forecasting.baselines.NaiveMean":[[98,2,1,"","backtest"],[98,4,1,"","considers_static_covariates"],[98,4,1,"","extreme_lags"],[98,2,1,"","fit"],[98,2,1,"","generate_fit_encodings"],[98,2,1,"","generate_fit_predict_encodings"],[98,2,1,"","generate_predict_encodings"],[98,2,1,"","gridsearch"],[98,2,1,"","historical_forecasts"],[98,2,1,"","load"],[98,4,1,"","min_train_samples"],[98,4,1,"","model_params"],[98,4,1,"","output_chunk_length"],[98,2,1,"","predict"],[98,2,1,"","residuals"],[98,2,1,"","save"],[98,4,1,"","supports_future_covariates"],[98,4,1,"","supports_likelihood_parameter_prediction"],[98,4,1,"","supports_multivariate"],[98,4,1,"","supports_optimized_historical_forecasts"],[98,4,1,"","supports_past_covariates"],[98,4,1,"","supports_static_covariates"],[98,4,1,"","supports_transferrable_series_prediction"],[98,4,1,"","uses_future_covariates"],[98,4,1,"","uses_past_covariates"],[98,4,1,"","uses_static_covariates"]],"darts.models.forecasting.baselines.NaiveMovingAverage":[[98,2,1,"","backtest"],[98,4,1,"","considers_static_covariates"],[98,4,1,"","extreme_lags"],[98,2,1,"","fit"],[98,2,1,"","generate_fit_encodings"],[98,2,1,"","generate_fit_predict_encodings"],[98,2,1,"","generate_predict_encodings"],[98,2,1,"","gridsearch"],[98,2,1,"","historical_forecasts"],[98,2,1,"","load"],[98,4,1,"","min_train_samples"],[98,4,1,"","model_params"],[98,4,1,"","output_chunk_length"],[98,2,1,"","predict"],[98,2,1,"","residuals"],[98,2,1,"","save"],[98,4,1,"","supports_future_covariates"],[98,4,1,"","supports_likelihood_parameter_prediction"],[98,4,1,"","supports_multivariate"],[98,4,1,"","supports_optimized_historical_forecasts"],[98,4,1,"","supports_past_covariates"],[98,4,1,"","supports_static_covariates"],[98,4,1,"","supports_transferrable_series_prediction"],[98,4,1,"","uses_future_covariates"],[98,4,1,"","uses_past_covariates"],[98,4,1,"","uses_static_covariates"]],"darts.models.forecasting.baselines.NaiveSeasonal":[[98,2,1,"","backtest"],[98,4,1,"","considers_static_covariates"],[98,4,1,"","extreme_lags"],[98,2,1,"","fit"],[98,2,1,"","generate_fit_encodings"],[98,2,1,"","generate_fit_predict_encodings"],[98,2,1,"","generate_predict_encodings"],[98,2,1,"","gridsearch"],[98,2,1,"","historical_forecasts"],[98,2,1,"","load"],[98,4,1,"","min_train_samples"],[98,4,1,"","model_params"],[98,4,1,"","output_chunk_length"],[98,2,1,"","predict"],[98,2,1,"","residuals"],[98,2,1,"","save"],[98,4,1,"","supports_future_covariates"],[98,4,1,"","supports_likelihood_parameter_prediction"],[98,4,1,"","supports_multivariate"],[98,4,1,"","supports_optimized_historical_forecasts"],[98,4,1,"","supports_past_covariates"],[98,4,1,"","supports_static_covariates"],[98,4,1,"","supports_transferrable_series_prediction"],[98,4,1,"","uses_future_covariates"],[98,4,1,"","uses_past_covariates"],[98,4,1,"","uses_static_covariates"]],"darts.models.forecasting.block_rnn_model":[[99,1,1,"","BlockRNNModel"],[99,1,1,"","CustomBlockRNNModule"]],"darts.models.forecasting.block_rnn_model.BlockRNNModel":[[99,2,1,"","backtest"],[99,4,1,"","considers_static_covariates"],[99,4,1,"","extreme_lags"],[99,4,1,"","first_prediction_index"],[99,2,1,"","fit"],[99,2,1,"","fit_from_dataset"],[99,2,1,"","generate_fit_encodings"],[99,2,1,"","generate_fit_predict_encodings"],[99,2,1,"","generate_predict_encodings"],[99,2,1,"","gridsearch"],[99,2,1,"","historical_forecasts"],[99,2,1,"","initialize_encoders"],[99,2,1,"","load"],[99,2,1,"","load_from_checkpoint"],[99,2,1,"","load_weights"],[99,2,1,"","load_weights_from_checkpoint"],[99,2,1,"","lr_find"],[99,4,1,"","min_train_samples"],[99,4,1,"","min_train_series_length"],[99,4,1,"","output_chunk_length"],[99,2,1,"","predict"],[99,2,1,"","predict_from_dataset"],[99,2,1,"","reset_model"],[99,2,1,"","residuals"],[99,2,1,"","save"],[99,4,1,"","supports_likelihood_parameter_prediction"],[99,4,1,"","supports_multivariate"],[99,4,1,"","supports_optimized_historical_forecasts"],[99,4,1,"","supports_past_covariates"],[99,4,1,"","supports_static_covariates"],[99,4,1,"","supports_transferrable_series_prediction"],[99,2,1,"","to_cpu"],[99,2,1,"","untrained_model"],[99,4,1,"","uses_future_covariates"],[99,4,1,"","uses_past_covariates"],[99,4,1,"","uses_static_covariates"]],"darts.models.forecasting.block_rnn_model.CustomBlockRNNModule":[[99,2,1,"","forward"]],"darts.models.forecasting.catboost_model":[[100,1,1,"","CatBoostModel"]],"darts.models.forecasting.catboost_model.CatBoostModel":[[100,2,1,"","backtest"],[100,4,1,"","considers_static_covariates"],[100,4,1,"","extreme_lags"],[100,2,1,"","fit"],[100,2,1,"","generate_fit_encodings"],[100,2,1,"","generate_fit_predict_encodings"],[100,2,1,"","generate_predict_encodings"],[100,2,1,"","get_multioutput_estimator"],[100,2,1,"","gridsearch"],[100,2,1,"","historical_forecasts"],[100,4,1,"","lagged_feature_names"],[100,2,1,"","load"],[100,4,1,"","min_train_samples"],[100,4,1,"","model_params"],[100,4,1,"","num_parameters"],[100,4,1,"","output_chunk_length"],[100,2,1,"","predict"],[100,2,1,"","residuals"],[100,2,1,"","save"],[100,4,1,"","supports_future_covariates"],[100,4,1,"","supports_likelihood_parameter_prediction"],[100,4,1,"","supports_multivariate"],[100,4,1,"","supports_optimized_historical_forecasts"],[100,4,1,"","supports_past_covariates"],[100,4,1,"","supports_static_covariates"],[100,4,1,"","supports_transferrable_series_prediction"],[100,4,1,"","uses_future_covariates"],[100,4,1,"","uses_past_covariates"],[100,4,1,"","uses_static_covariates"]],"darts.models.forecasting.croston":[[101,1,1,"","Croston"]],"darts.models.forecasting.croston.Croston":[[101,2,1,"","backtest"],[101,4,1,"","considers_static_covariates"],[101,4,1,"","extreme_lags"],[101,2,1,"","fit"],[101,2,1,"","generate_fit_encodings"],[101,2,1,"","generate_fit_predict_encodings"],[101,2,1,"","generate_predict_encodings"],[101,2,1,"","gridsearch"],[101,2,1,"","historical_forecasts"],[101,2,1,"","load"],[101,4,1,"","min_train_samples"],[101,4,1,"","model_params"],[101,4,1,"","output_chunk_length"],[101,2,1,"","predict"],[101,2,1,"","residuals"],[101,2,1,"","save"],[101,4,1,"","supports_future_covariates"],[101,4,1,"","supports_likelihood_parameter_prediction"],[101,4,1,"","supports_multivariate"],[101,4,1,"","supports_optimized_historical_forecasts"],[101,4,1,"","supports_past_covariates"],[101,4,1,"","supports_static_covariates"],[101,4,1,"","supports_transferrable_series_prediction"],[101,4,1,"","uses_future_covariates"],[101,4,1,"","uses_past_covariates"],[101,4,1,"","uses_static_covariates"]],"darts.models.forecasting.dlinear":[[102,1,1,"","DLinearModel"]],"darts.models.forecasting.dlinear.DLinearModel":[[102,2,1,"","backtest"],[102,4,1,"","considers_static_covariates"],[102,4,1,"","epochs_trained"],[102,4,1,"","extreme_lags"],[102,2,1,"","fit"],[102,2,1,"","fit_from_dataset"],[102,2,1,"","generate_fit_encodings"],[102,2,1,"","generate_fit_predict_encodings"],[102,2,1,"","generate_predict_encodings"],[102,2,1,"","gridsearch"],[102,2,1,"","historical_forecasts"],[102,4,1,"","input_chunk_length"],[102,4,1,"","likelihood"],[102,2,1,"","load"],[102,2,1,"","load_from_checkpoint"],[102,2,1,"","load_weights"],[102,2,1,"","load_weights_from_checkpoint"],[102,2,1,"","lr_find"],[102,4,1,"","min_train_samples"],[102,4,1,"","model_created"],[102,4,1,"","model_params"],[102,4,1,"","output_chunk_length"],[102,2,1,"","predict"],[102,2,1,"","predict_from_dataset"],[102,2,1,"","reset_model"],[102,2,1,"","residuals"],[102,2,1,"","save"],[102,4,1,"","supports_future_covariates"],[102,4,1,"","supports_likelihood_parameter_prediction"],[102,4,1,"","supports_multivariate"],[102,4,1,"","supports_optimized_historical_forecasts"],[102,4,1,"","supports_past_covariates"],[102,4,1,"","supports_static_covariates"],[102,4,1,"","supports_transferrable_series_prediction"],[102,2,1,"","to_cpu"],[102,4,1,"","uses_future_covariates"],[102,4,1,"","uses_past_covariates"],[102,4,1,"","uses_static_covariates"]],"darts.models.forecasting.ensemble_model":[[103,1,1,"","EnsembleModel"]],"darts.models.forecasting.ensemble_model.EnsembleModel":[[103,2,1,"","backtest"],[103,4,1,"","considers_static_covariates"],[103,2,1,"","ensemble"],[103,4,1,"","extreme_lags"],[103,2,1,"","fit"],[103,2,1,"","generate_fit_encodings"],[103,2,1,"","generate_fit_predict_encodings"],[103,2,1,"","generate_predict_encodings"],[103,2,1,"","gridsearch"],[103,2,1,"","historical_forecasts"],[103,2,1,"","load"],[103,4,1,"","min_train_samples"],[103,4,1,"","model_params"],[103,4,1,"","output_chunk_length"],[103,2,1,"","predict"],[103,2,1,"","residuals"],[103,2,1,"","save"],[103,4,1,"","supports_future_covariates"],[103,4,1,"","supports_likelihood_parameter_prediction"],[103,4,1,"","supports_multivariate"],[103,4,1,"","supports_optimized_historical_forecasts"],[103,4,1,"","supports_past_covariates"],[103,4,1,"","supports_static_covariates"],[103,4,1,"","supports_transferrable_series_prediction"],[103,4,1,"","uses_future_covariates"],[103,4,1,"","uses_past_covariates"],[103,4,1,"","uses_static_covariates"]],"darts.models.forecasting.exponential_smoothing":[[104,1,1,"","ExponentialSmoothing"]],"darts.models.forecasting.exponential_smoothing.ExponentialSmoothing":[[104,2,1,"","backtest"],[104,4,1,"","considers_static_covariates"],[104,4,1,"","extreme_lags"],[104,2,1,"","fit"],[104,2,1,"","generate_fit_encodings"],[104,2,1,"","generate_fit_predict_encodings"],[104,2,1,"","generate_predict_encodings"],[104,2,1,"","gridsearch"],[104,2,1,"","historical_forecasts"],[104,2,1,"","load"],[104,4,1,"","min_train_samples"],[104,4,1,"","model_params"],[104,4,1,"","output_chunk_length"],[104,2,1,"","predict"],[104,2,1,"","residuals"],[104,2,1,"","save"],[104,4,1,"","supports_future_covariates"],[104,4,1,"","supports_likelihood_parameter_prediction"],[104,4,1,"","supports_multivariate"],[104,4,1,"","supports_optimized_historical_forecasts"],[104,4,1,"","supports_past_covariates"],[104,4,1,"","supports_static_covariates"],[104,4,1,"","supports_transferrable_series_prediction"],[104,4,1,"","uses_future_covariates"],[104,4,1,"","uses_past_covariates"],[104,4,1,"","uses_static_covariates"]],"darts.models.forecasting.fft":[[105,1,1,"","FFT"]],"darts.models.forecasting.fft.FFT":[[105,2,1,"","backtest"],[105,4,1,"","considers_static_covariates"],[105,4,1,"","extreme_lags"],[105,2,1,"","fit"],[105,2,1,"","generate_fit_encodings"],[105,2,1,"","generate_fit_predict_encodings"],[105,2,1,"","generate_predict_encodings"],[105,2,1,"","gridsearch"],[105,2,1,"","historical_forecasts"],[105,2,1,"","load"],[105,4,1,"","min_train_samples"],[105,4,1,"","model_params"],[105,4,1,"","output_chunk_length"],[105,2,1,"","predict"],[105,2,1,"","residuals"],[105,2,1,"","save"],[105,4,1,"","supports_future_covariates"],[105,4,1,"","supports_likelihood_parameter_prediction"],[105,4,1,"","supports_multivariate"],[105,4,1,"","supports_optimized_historical_forecasts"],[105,4,1,"","supports_past_covariates"],[105,4,1,"","supports_static_covariates"],[105,4,1,"","supports_transferrable_series_prediction"],[105,4,1,"","uses_future_covariates"],[105,4,1,"","uses_past_covariates"],[105,4,1,"","uses_static_covariates"]],"darts.models.forecasting.forecasting_model":[[106,1,1,"","ModelMeta"]],"darts.models.forecasting.forecasting_model.ModelMeta":[[106,2,1,"","mro"],[106,2,1,"","register"]],"darts.models.forecasting.kalman_forecaster":[[107,1,1,"","KalmanForecaster"]],"darts.models.forecasting.kalman_forecaster.KalmanForecaster":[[107,2,1,"","backtest"],[107,4,1,"","considers_static_covariates"],[107,4,1,"","extreme_lags"],[107,2,1,"","fit"],[107,2,1,"","generate_fit_encodings"],[107,2,1,"","generate_fit_predict_encodings"],[107,2,1,"","generate_predict_encodings"],[107,2,1,"","gridsearch"],[107,2,1,"","historical_forecasts"],[107,2,1,"","load"],[107,4,1,"","min_train_samples"],[107,4,1,"","model_params"],[107,4,1,"","output_chunk_length"],[107,2,1,"","predict"],[107,2,1,"","residuals"],[107,2,1,"","save"],[107,4,1,"","supports_future_covariates"],[107,4,1,"","supports_likelihood_parameter_prediction"],[107,4,1,"","supports_multivariate"],[107,4,1,"","supports_optimized_historical_forecasts"],[107,4,1,"","supports_past_covariates"],[107,4,1,"","supports_static_covariates"],[107,4,1,"","supports_transferrable_series_prediction"],[107,4,1,"","uses_future_covariates"],[107,4,1,"","uses_past_covariates"],[107,4,1,"","uses_static_covariates"]],"darts.models.forecasting.lgbm":[[108,1,1,"","LightGBMModel"]],"darts.models.forecasting.lgbm.LightGBMModel":[[108,2,1,"","backtest"],[108,4,1,"","considers_static_covariates"],[108,4,1,"","extreme_lags"],[108,2,1,"","fit"],[108,2,1,"","generate_fit_encodings"],[108,2,1,"","generate_fit_predict_encodings"],[108,2,1,"","generate_predict_encodings"],[108,2,1,"","get_multioutput_estimator"],[108,2,1,"","gridsearch"],[108,2,1,"","historical_forecasts"],[108,4,1,"","lagged_feature_names"],[108,2,1,"","load"],[108,4,1,"","min_train_samples"],[108,4,1,"","model_params"],[108,4,1,"","num_parameters"],[108,4,1,"","output_chunk_length"],[108,2,1,"","predict"],[108,2,1,"","residuals"],[108,2,1,"","save"],[108,4,1,"","supports_future_covariates"],[108,4,1,"","supports_likelihood_parameter_prediction"],[108,4,1,"","supports_multivariate"],[108,4,1,"","supports_optimized_historical_forecasts"],[108,4,1,"","supports_past_covariates"],[108,4,1,"","supports_static_covariates"],[108,4,1,"","supports_transferrable_series_prediction"],[108,4,1,"","uses_future_covariates"],[108,4,1,"","uses_past_covariates"],[108,4,1,"","uses_static_covariates"]],"darts.models.forecasting.linear_regression_model":[[109,1,1,"","LinearRegressionModel"]],"darts.models.forecasting.linear_regression_model.LinearRegressionModel":[[109,2,1,"","backtest"],[109,4,1,"","considers_static_covariates"],[109,4,1,"","extreme_lags"],[109,2,1,"","fit"],[109,2,1,"","generate_fit_encodings"],[109,2,1,"","generate_fit_predict_encodings"],[109,2,1,"","generate_predict_encodings"],[109,2,1,"","get_multioutput_estimator"],[109,2,1,"","gridsearch"],[109,2,1,"","historical_forecasts"],[109,4,1,"","lagged_feature_names"],[109,2,1,"","load"],[109,4,1,"","min_train_samples"],[109,4,1,"","model_params"],[109,4,1,"","num_parameters"],[109,4,1,"","output_chunk_length"],[109,2,1,"","predict"],[109,2,1,"","residuals"],[109,2,1,"","save"],[109,4,1,"","supports_future_covariates"],[109,4,1,"","supports_likelihood_parameter_prediction"],[109,4,1,"","supports_multivariate"],[109,4,1,"","supports_optimized_historical_forecasts"],[109,4,1,"","supports_past_covariates"],[109,4,1,"","supports_static_covariates"],[109,4,1,"","supports_transferrable_series_prediction"],[109,4,1,"","uses_future_covariates"],[109,4,1,"","uses_past_covariates"],[109,4,1,"","uses_static_covariates"]],"darts.models.forecasting.nbeats":[[110,1,1,"","NBEATSModel"]],"darts.models.forecasting.nbeats.NBEATSModel":[[110,2,1,"","backtest"],[110,4,1,"","considers_static_covariates"],[110,4,1,"","epochs_trained"],[110,4,1,"","extreme_lags"],[110,2,1,"","fit"],[110,2,1,"","fit_from_dataset"],[110,2,1,"","generate_fit_encodings"],[110,2,1,"","generate_fit_predict_encodings"],[110,2,1,"","generate_predict_encodings"],[110,2,1,"","gridsearch"],[110,2,1,"","historical_forecasts"],[110,4,1,"","input_chunk_length"],[110,4,1,"","likelihood"],[110,2,1,"","load"],[110,2,1,"","load_from_checkpoint"],[110,2,1,"","load_weights"],[110,2,1,"","load_weights_from_checkpoint"],[110,2,1,"","lr_find"],[110,4,1,"","min_train_samples"],[110,4,1,"","model_created"],[110,4,1,"","model_params"],[110,4,1,"","output_chunk_length"],[110,2,1,"","predict"],[110,2,1,"","predict_from_dataset"],[110,2,1,"","reset_model"],[110,2,1,"","residuals"],[110,2,1,"","save"],[110,3,1,"","supports_future_covariates"],[110,4,1,"","supports_likelihood_parameter_prediction"],[110,4,1,"","supports_multivariate"],[110,4,1,"","supports_optimized_historical_forecasts"],[110,4,1,"","supports_past_covariates"],[110,4,1,"","supports_static_covariates"],[110,4,1,"","supports_transferrable_series_prediction"],[110,2,1,"","to_cpu"],[110,4,1,"","uses_future_covariates"],[110,4,1,"","uses_past_covariates"],[110,4,1,"","uses_static_covariates"]],"darts.models.forecasting.nhits":[[111,1,1,"","NHiTSModel"]],"darts.models.forecasting.nhits.NHiTSModel":[[111,2,1,"","backtest"],[111,4,1,"","considers_static_covariates"],[111,4,1,"","epochs_trained"],[111,4,1,"","extreme_lags"],[111,2,1,"","fit"],[111,2,1,"","fit_from_dataset"],[111,2,1,"","generate_fit_encodings"],[111,2,1,"","generate_fit_predict_encodings"],[111,2,1,"","generate_predict_encodings"],[111,2,1,"","gridsearch"],[111,2,1,"","historical_forecasts"],[111,4,1,"","input_chunk_length"],[111,4,1,"","likelihood"],[111,2,1,"","load"],[111,2,1,"","load_from_checkpoint"],[111,2,1,"","load_weights"],[111,2,1,"","load_weights_from_checkpoint"],[111,2,1,"","lr_find"],[111,4,1,"","min_train_samples"],[111,4,1,"","model_created"],[111,4,1,"","model_params"],[111,4,1,"","output_chunk_length"],[111,2,1,"","predict"],[111,2,1,"","predict_from_dataset"],[111,2,1,"","reset_model"],[111,2,1,"","residuals"],[111,2,1,"","save"],[111,3,1,"","supports_future_covariates"],[111,4,1,"","supports_likelihood_parameter_prediction"],[111,4,1,"","supports_multivariate"],[111,4,1,"","supports_optimized_historical_forecasts"],[111,4,1,"","supports_past_covariates"],[111,4,1,"","supports_static_covariates"],[111,4,1,"","supports_transferrable_series_prediction"],[111,2,1,"","to_cpu"],[111,4,1,"","uses_future_covariates"],[111,4,1,"","uses_past_covariates"],[111,4,1,"","uses_static_covariates"]],"darts.models.forecasting.nlinear":[[112,1,1,"","NLinearModel"]],"darts.models.forecasting.nlinear.NLinearModel":[[112,2,1,"","backtest"],[112,4,1,"","considers_static_covariates"],[112,4,1,"","epochs_trained"],[112,4,1,"","extreme_lags"],[112,2,1,"","fit"],[112,2,1,"","fit_from_dataset"],[112,2,1,"","generate_fit_encodings"],[112,2,1,"","generate_fit_predict_encodings"],[112,2,1,"","generate_predict_encodings"],[112,2,1,"","gridsearch"],[112,2,1,"","historical_forecasts"],[112,4,1,"","input_chunk_length"],[112,4,1,"","likelihood"],[112,2,1,"","load"],[112,2,1,"","load_from_checkpoint"],[112,2,1,"","load_weights"],[112,2,1,"","load_weights_from_checkpoint"],[112,2,1,"","lr_find"],[112,4,1,"","min_train_samples"],[112,4,1,"","model_created"],[112,4,1,"","model_params"],[112,4,1,"","output_chunk_length"],[112,2,1,"","predict"],[112,2,1,"","predict_from_dataset"],[112,2,1,"","reset_model"],[112,2,1,"","residuals"],[112,2,1,"","save"],[112,4,1,"","supports_future_covariates"],[112,4,1,"","supports_likelihood_parameter_prediction"],[112,4,1,"","supports_multivariate"],[112,4,1,"","supports_optimized_historical_forecasts"],[112,4,1,"","supports_past_covariates"],[112,4,1,"","supports_static_covariates"],[112,4,1,"","supports_transferrable_series_prediction"],[112,2,1,"","to_cpu"],[112,4,1,"","uses_future_covariates"],[112,4,1,"","uses_past_covariates"],[112,4,1,"","uses_static_covariates"]],"darts.models.forecasting.pl_forecasting_module":[[113,1,1,"","PLDualCovariatesModule"],[113,1,1,"","PLForecastingModule"],[113,1,1,"","PLFutureCovariatesModule"],[113,1,1,"","PLMixedCovariatesModule"],[113,1,1,"","PLPastCovariatesModule"],[113,1,1,"","PLSplitCovariatesModule"],[113,5,1,"","io_processor"]],"darts.models.forecasting.pl_forecasting_module.PLDualCovariatesModule":[[113,3,1,"","CHECKPOINT_HYPER_PARAMS_KEY"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_NAME"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_TYPE"],[113,3,1,"","T_destination"],[113,2,1,"","add_module"],[113,2,1,"","all_gather"],[113,2,1,"","apply"],[113,4,1,"","automatic_optimization"],[113,2,1,"","backward"],[113,2,1,"","bfloat16"],[113,2,1,"","buffers"],[113,3,1,"","call_super_init"],[113,2,1,"","children"],[113,2,1,"","clip_gradients"],[113,2,1,"","compile"],[113,2,1,"","configure_callbacks"],[113,2,1,"","configure_gradient_clipping"],[113,2,1,"","configure_model"],[113,2,1,"","configure_optimizers"],[113,2,1,"","configure_sharded_model"],[113,2,1,"","configure_torch_metrics"],[113,2,1,"","cpu"],[113,2,1,"","cuda"],[113,4,1,"","current_epoch"],[113,4,1,"","device"],[113,2,1,"","double"],[113,4,1,"","dtype"],[113,3,1,"","dump_patches"],[113,4,1,"","epochs_trained"],[113,2,1,"","eval"],[113,4,1,"","example_input_array"],[113,2,1,"","extra_repr"],[113,4,1,"","fabric"],[113,2,1,"","float"],[113,2,1,"","forward"],[113,2,1,"","freeze"],[113,2,1,"","get_buffer"],[113,2,1,"","get_extra_state"],[113,2,1,"","get_parameter"],[113,2,1,"","get_submodule"],[113,4,1,"","global_rank"],[113,4,1,"","global_step"],[113,2,1,"","half"],[113,4,1,"","hparams"],[113,4,1,"","hparams_initial"],[113,2,1,"","ipu"],[113,2,1,"","load_from_checkpoint"],[113,2,1,"","load_state_dict"],[113,4,1,"","local_rank"],[113,2,1,"","log"],[113,2,1,"","log_dict"],[113,4,1,"","logger"],[113,4,1,"","loggers"],[113,2,1,"","lr_scheduler_step"],[113,2,1,"","lr_schedulers"],[113,2,1,"","manual_backward"],[113,2,1,"","modules"],[113,2,1,"","named_buffers"],[113,2,1,"","named_children"],[113,2,1,"","named_modules"],[113,2,1,"","named_parameters"],[113,2,1,"","on_after_backward"],[113,2,1,"","on_after_batch_transfer"],[113,2,1,"","on_before_backward"],[113,2,1,"","on_before_batch_transfer"],[113,2,1,"","on_before_optimizer_step"],[113,2,1,"","on_before_zero_grad"],[113,2,1,"","on_fit_end"],[113,2,1,"","on_fit_start"],[113,4,1,"","on_gpu"],[113,2,1,"","on_load_checkpoint"],[113,2,1,"","on_predict_batch_end"],[113,2,1,"","on_predict_batch_start"],[113,2,1,"","on_predict_end"],[113,2,1,"","on_predict_epoch_end"],[113,2,1,"","on_predict_epoch_start"],[113,2,1,"","on_predict_model_eval"],[113,2,1,"","on_predict_start"],[113,2,1,"","on_save_checkpoint"],[113,2,1,"","on_test_batch_end"],[113,2,1,"","on_test_batch_start"],[113,2,1,"","on_test_end"],[113,2,1,"","on_test_epoch_end"],[113,2,1,"","on_test_epoch_start"],[113,2,1,"","on_test_model_eval"],[113,2,1,"","on_test_model_train"],[113,2,1,"","on_test_start"],[113,2,1,"","on_train_batch_end"],[113,2,1,"","on_train_batch_start"],[113,2,1,"","on_train_end"],[113,2,1,"","on_train_epoch_end"],[113,2,1,"","on_train_epoch_start"],[113,2,1,"","on_train_start"],[113,2,1,"","on_validation_batch_end"],[113,2,1,"","on_validation_batch_start"],[113,2,1,"","on_validation_end"],[113,2,1,"","on_validation_epoch_end"],[113,2,1,"","on_validation_epoch_start"],[113,2,1,"","on_validation_model_eval"],[113,2,1,"","on_validation_model_train"],[113,2,1,"","on_validation_model_zero_grad"],[113,2,1,"","on_validation_start"],[113,2,1,"","optimizer_step"],[113,2,1,"","optimizer_zero_grad"],[113,2,1,"","optimizers"],[113,4,1,"","output_chunk_length"],[113,2,1,"","parameters"],[113,2,1,"","predict_dataloader"],[113,2,1,"","predict_step"],[113,2,1,"","prepare_data"],[113,2,1,"","print"],[113,2,1,"","register_backward_hook"],[113,2,1,"","register_buffer"],[113,2,1,"","register_forward_hook"],[113,2,1,"","register_forward_pre_hook"],[113,2,1,"","register_full_backward_hook"],[113,2,1,"","register_full_backward_pre_hook"],[113,2,1,"","register_load_state_dict_post_hook"],[113,2,1,"","register_module"],[113,2,1,"","register_parameter"],[113,2,1,"","register_state_dict_pre_hook"],[113,2,1,"","requires_grad_"],[113,2,1,"","save_hyperparameters"],[113,2,1,"","set_extra_state"],[113,2,1,"","set_mc_dropout"],[113,2,1,"","set_predict_parameters"],[113,2,1,"","setup"],[113,2,1,"","share_memory"],[113,2,1,"","state_dict"],[113,2,1,"","teardown"],[113,2,1,"","test_dataloader"],[113,2,1,"","test_step"],[113,2,1,"","to"],[113,2,1,"","to_dtype"],[113,2,1,"","to_empty"],[113,2,1,"","to_onnx"],[113,2,1,"","to_torchscript"],[113,2,1,"","toggle_optimizer"],[113,2,1,"","train"],[113,2,1,"","train_dataloader"],[113,4,1,"","trainer"],[113,3,1,"","training"],[113,2,1,"","training_step"],[113,2,1,"","transfer_batch_to_device"],[113,2,1,"","type"],[113,2,1,"","unfreeze"],[113,2,1,"","untoggle_optimizer"],[113,2,1,"","val_dataloader"],[113,2,1,"","validation_step"],[113,2,1,"","xpu"],[113,2,1,"","zero_grad"]],"darts.models.forecasting.pl_forecasting_module.PLForecastingModule":[[113,3,1,"","CHECKPOINT_HYPER_PARAMS_KEY"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_NAME"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_TYPE"],[113,3,1,"","T_destination"],[113,2,1,"","add_module"],[113,2,1,"","all_gather"],[113,2,1,"","apply"],[113,4,1,"","automatic_optimization"],[113,2,1,"","backward"],[113,2,1,"","bfloat16"],[113,2,1,"","buffers"],[113,3,1,"","call_super_init"],[113,2,1,"","children"],[113,2,1,"","clip_gradients"],[113,2,1,"","compile"],[113,2,1,"","configure_callbacks"],[113,2,1,"","configure_gradient_clipping"],[113,2,1,"","configure_model"],[113,2,1,"","configure_optimizers"],[113,2,1,"","configure_sharded_model"],[113,2,1,"","configure_torch_metrics"],[113,2,1,"","cpu"],[113,2,1,"","cuda"],[113,4,1,"","current_epoch"],[113,4,1,"","device"],[113,2,1,"","double"],[113,4,1,"","dtype"],[113,3,1,"","dump_patches"],[113,4,1,"","epochs_trained"],[113,2,1,"","eval"],[113,4,1,"","example_input_array"],[113,2,1,"","extra_repr"],[113,4,1,"","fabric"],[113,2,1,"","float"],[113,2,1,"","forward"],[113,2,1,"","freeze"],[113,2,1,"","get_buffer"],[113,2,1,"","get_extra_state"],[113,2,1,"","get_parameter"],[113,2,1,"","get_submodule"],[113,4,1,"","global_rank"],[113,4,1,"","global_step"],[113,2,1,"","half"],[113,4,1,"","hparams"],[113,4,1,"","hparams_initial"],[113,2,1,"","ipu"],[113,2,1,"","load_from_checkpoint"],[113,2,1,"","load_state_dict"],[113,4,1,"","local_rank"],[113,2,1,"","log"],[113,2,1,"","log_dict"],[113,4,1,"","logger"],[113,4,1,"","loggers"],[113,2,1,"","lr_scheduler_step"],[113,2,1,"","lr_schedulers"],[113,2,1,"","manual_backward"],[113,2,1,"","modules"],[113,2,1,"","named_buffers"],[113,2,1,"","named_children"],[113,2,1,"","named_modules"],[113,2,1,"","named_parameters"],[113,2,1,"","on_after_backward"],[113,2,1,"","on_after_batch_transfer"],[113,2,1,"","on_before_backward"],[113,2,1,"","on_before_batch_transfer"],[113,2,1,"","on_before_optimizer_step"],[113,2,1,"","on_before_zero_grad"],[113,2,1,"","on_fit_end"],[113,2,1,"","on_fit_start"],[113,4,1,"","on_gpu"],[113,2,1,"","on_load_checkpoint"],[113,2,1,"","on_predict_batch_end"],[113,2,1,"","on_predict_batch_start"],[113,2,1,"","on_predict_end"],[113,2,1,"","on_predict_epoch_end"],[113,2,1,"","on_predict_epoch_start"],[113,2,1,"","on_predict_model_eval"],[113,2,1,"","on_predict_start"],[113,2,1,"","on_save_checkpoint"],[113,2,1,"","on_test_batch_end"],[113,2,1,"","on_test_batch_start"],[113,2,1,"","on_test_end"],[113,2,1,"","on_test_epoch_end"],[113,2,1,"","on_test_epoch_start"],[113,2,1,"","on_test_model_eval"],[113,2,1,"","on_test_model_train"],[113,2,1,"","on_test_start"],[113,2,1,"","on_train_batch_end"],[113,2,1,"","on_train_batch_start"],[113,2,1,"","on_train_end"],[113,2,1,"","on_train_epoch_end"],[113,2,1,"","on_train_epoch_start"],[113,2,1,"","on_train_start"],[113,2,1,"","on_validation_batch_end"],[113,2,1,"","on_validation_batch_start"],[113,2,1,"","on_validation_end"],[113,2,1,"","on_validation_epoch_end"],[113,2,1,"","on_validation_epoch_start"],[113,2,1,"","on_validation_model_eval"],[113,2,1,"","on_validation_model_train"],[113,2,1,"","on_validation_model_zero_grad"],[113,2,1,"","on_validation_start"],[113,2,1,"","optimizer_step"],[113,2,1,"","optimizer_zero_grad"],[113,2,1,"","optimizers"],[113,4,1,"","output_chunk_length"],[113,2,1,"","parameters"],[113,2,1,"","predict_dataloader"],[113,2,1,"","predict_step"],[113,2,1,"","prepare_data"],[113,2,1,"","print"],[113,2,1,"","register_backward_hook"],[113,2,1,"","register_buffer"],[113,2,1,"","register_forward_hook"],[113,2,1,"","register_forward_pre_hook"],[113,2,1,"","register_full_backward_hook"],[113,2,1,"","register_full_backward_pre_hook"],[113,2,1,"","register_load_state_dict_post_hook"],[113,2,1,"","register_module"],[113,2,1,"","register_parameter"],[113,2,1,"","register_state_dict_pre_hook"],[113,2,1,"","requires_grad_"],[113,2,1,"","save_hyperparameters"],[113,2,1,"","set_extra_state"],[113,2,1,"","set_mc_dropout"],[113,2,1,"","set_predict_parameters"],[113,2,1,"","setup"],[113,2,1,"","share_memory"],[113,2,1,"","state_dict"],[113,2,1,"","teardown"],[113,2,1,"","test_dataloader"],[113,2,1,"","test_step"],[113,2,1,"","to"],[113,2,1,"","to_dtype"],[113,2,1,"","to_empty"],[113,2,1,"","to_onnx"],[113,2,1,"","to_torchscript"],[113,2,1,"","toggle_optimizer"],[113,2,1,"","train"],[113,2,1,"","train_dataloader"],[113,4,1,"","trainer"],[113,3,1,"","training"],[113,2,1,"","training_step"],[113,2,1,"","transfer_batch_to_device"],[113,2,1,"","type"],[113,2,1,"","unfreeze"],[113,2,1,"","untoggle_optimizer"],[113,2,1,"","val_dataloader"],[113,2,1,"","validation_step"],[113,2,1,"","xpu"],[113,2,1,"","zero_grad"]],"darts.models.forecasting.pl_forecasting_module.PLFutureCovariatesModule":[[113,3,1,"","CHECKPOINT_HYPER_PARAMS_KEY"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_NAME"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_TYPE"],[113,3,1,"","T_destination"],[113,2,1,"","add_module"],[113,2,1,"","all_gather"],[113,3,1,"","allow_zero_length_dataloader_with_multiple_devices"],[113,2,1,"","apply"],[113,4,1,"","automatic_optimization"],[113,2,1,"","backward"],[113,2,1,"","bfloat16"],[113,2,1,"","buffers"],[113,3,1,"","call_super_init"],[113,2,1,"","children"],[113,2,1,"","clip_gradients"],[113,2,1,"","compile"],[113,2,1,"","configure_callbacks"],[113,2,1,"","configure_gradient_clipping"],[113,2,1,"","configure_model"],[113,2,1,"","configure_optimizers"],[113,2,1,"","configure_sharded_model"],[113,2,1,"","configure_torch_metrics"],[113,2,1,"","cpu"],[113,2,1,"","cuda"],[113,4,1,"","current_epoch"],[113,4,1,"","device"],[113,2,1,"","double"],[113,4,1,"","dtype"],[113,3,1,"","dump_patches"],[113,4,1,"","epochs_trained"],[113,2,1,"","eval"],[113,4,1,"","example_input_array"],[113,2,1,"","extra_repr"],[113,4,1,"","fabric"],[113,2,1,"","float"],[113,2,1,"","forward"],[113,2,1,"","freeze"],[113,2,1,"","get_buffer"],[113,2,1,"","get_extra_state"],[113,2,1,"","get_parameter"],[113,2,1,"","get_submodule"],[113,4,1,"","global_rank"],[113,4,1,"","global_step"],[113,2,1,"","half"],[113,4,1,"","hparams"],[113,4,1,"","hparams_initial"],[113,2,1,"","ipu"],[113,2,1,"","load_from_checkpoint"],[113,2,1,"","load_state_dict"],[113,4,1,"","local_rank"],[113,2,1,"","log"],[113,2,1,"","log_dict"],[113,4,1,"","logger"],[113,4,1,"","loggers"],[113,2,1,"","lr_scheduler_step"],[113,2,1,"","lr_schedulers"],[113,2,1,"","manual_backward"],[113,2,1,"","modules"],[113,2,1,"","named_buffers"],[113,2,1,"","named_children"],[113,2,1,"","named_modules"],[113,2,1,"","named_parameters"],[113,2,1,"","on_after_backward"],[113,2,1,"","on_after_batch_transfer"],[113,2,1,"","on_before_backward"],[113,2,1,"","on_before_batch_transfer"],[113,2,1,"","on_before_optimizer_step"],[113,2,1,"","on_before_zero_grad"],[113,2,1,"","on_fit_end"],[113,2,1,"","on_fit_start"],[113,4,1,"","on_gpu"],[113,2,1,"","on_load_checkpoint"],[113,2,1,"","on_predict_batch_end"],[113,2,1,"","on_predict_batch_start"],[113,2,1,"","on_predict_end"],[113,2,1,"","on_predict_epoch_end"],[113,2,1,"","on_predict_epoch_start"],[113,2,1,"","on_predict_model_eval"],[113,2,1,"","on_predict_start"],[113,2,1,"","on_save_checkpoint"],[113,2,1,"","on_test_batch_end"],[113,2,1,"","on_test_batch_start"],[113,2,1,"","on_test_end"],[113,2,1,"","on_test_epoch_end"],[113,2,1,"","on_test_epoch_start"],[113,2,1,"","on_test_model_eval"],[113,2,1,"","on_test_model_train"],[113,2,1,"","on_test_start"],[113,2,1,"","on_train_batch_end"],[113,2,1,"","on_train_batch_start"],[113,2,1,"","on_train_end"],[113,2,1,"","on_train_epoch_end"],[113,2,1,"","on_train_epoch_start"],[113,2,1,"","on_train_start"],[113,2,1,"","on_validation_batch_end"],[113,2,1,"","on_validation_batch_start"],[113,2,1,"","on_validation_end"],[113,2,1,"","on_validation_epoch_end"],[113,2,1,"","on_validation_epoch_start"],[113,2,1,"","on_validation_model_eval"],[113,2,1,"","on_validation_model_train"],[113,2,1,"","on_validation_model_zero_grad"],[113,2,1,"","on_validation_start"],[113,2,1,"","optimizer_step"],[113,2,1,"","optimizer_zero_grad"],[113,2,1,"","optimizers"],[113,4,1,"","output_chunk_length"],[113,2,1,"","parameters"],[113,3,1,"","pred_batch_size"],[113,3,1,"","pred_n"],[113,3,1,"","pred_n_jobs"],[113,3,1,"","pred_num_samples"],[113,3,1,"","pred_roll_size"],[113,2,1,"","predict_dataloader"],[113,3,1,"","predict_likelihood_parameters"],[113,2,1,"","predict_step"],[113,2,1,"","prepare_data"],[113,3,1,"","prepare_data_per_node"],[113,2,1,"","print"],[113,2,1,"","register_backward_hook"],[113,2,1,"","register_buffer"],[113,2,1,"","register_forward_hook"],[113,2,1,"","register_forward_pre_hook"],[113,2,1,"","register_full_backward_hook"],[113,2,1,"","register_full_backward_pre_hook"],[113,2,1,"","register_load_state_dict_post_hook"],[113,2,1,"","register_module"],[113,2,1,"","register_parameter"],[113,2,1,"","register_state_dict_pre_hook"],[113,2,1,"","requires_grad_"],[113,2,1,"","save_hyperparameters"],[113,2,1,"","set_extra_state"],[113,2,1,"","set_mc_dropout"],[113,2,1,"","set_predict_parameters"],[113,2,1,"","setup"],[113,2,1,"","share_memory"],[113,2,1,"","state_dict"],[113,2,1,"","teardown"],[113,2,1,"","test_dataloader"],[113,2,1,"","test_step"],[113,2,1,"","to"],[113,2,1,"","to_dtype"],[113,2,1,"","to_empty"],[113,2,1,"","to_onnx"],[113,2,1,"","to_torchscript"],[113,2,1,"","toggle_optimizer"],[113,2,1,"","train"],[113,2,1,"","train_dataloader"],[113,4,1,"","trainer"],[113,3,1,"","training"],[113,2,1,"","training_step"],[113,2,1,"","transfer_batch_to_device"],[113,2,1,"","type"],[113,2,1,"","unfreeze"],[113,2,1,"","untoggle_optimizer"],[113,2,1,"","val_dataloader"],[113,2,1,"","validation_step"],[113,2,1,"","xpu"],[113,2,1,"","zero_grad"]],"darts.models.forecasting.pl_forecasting_module.PLMixedCovariatesModule":[[113,3,1,"","CHECKPOINT_HYPER_PARAMS_KEY"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_NAME"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_TYPE"],[113,3,1,"","T_destination"],[113,2,1,"","add_module"],[113,2,1,"","all_gather"],[113,3,1,"","allow_zero_length_dataloader_with_multiple_devices"],[113,2,1,"","apply"],[113,4,1,"","automatic_optimization"],[113,2,1,"","backward"],[113,2,1,"","bfloat16"],[113,2,1,"","buffers"],[113,3,1,"","call_super_init"],[113,2,1,"","children"],[113,2,1,"","clip_gradients"],[113,2,1,"","compile"],[113,2,1,"","configure_callbacks"],[113,2,1,"","configure_gradient_clipping"],[113,2,1,"","configure_model"],[113,2,1,"","configure_optimizers"],[113,2,1,"","configure_sharded_model"],[113,2,1,"","configure_torch_metrics"],[113,2,1,"","cpu"],[113,2,1,"","cuda"],[113,4,1,"","current_epoch"],[113,4,1,"","device"],[113,2,1,"","double"],[113,4,1,"","dtype"],[113,3,1,"","dump_patches"],[113,4,1,"","epochs_trained"],[113,2,1,"","eval"],[113,4,1,"","example_input_array"],[113,2,1,"","extra_repr"],[113,4,1,"","fabric"],[113,2,1,"","float"],[113,2,1,"","forward"],[113,2,1,"","freeze"],[113,2,1,"","get_buffer"],[113,2,1,"","get_extra_state"],[113,2,1,"","get_parameter"],[113,2,1,"","get_submodule"],[113,4,1,"","global_rank"],[113,4,1,"","global_step"],[113,2,1,"","half"],[113,4,1,"","hparams"],[113,4,1,"","hparams_initial"],[113,2,1,"","ipu"],[113,2,1,"","load_from_checkpoint"],[113,2,1,"","load_state_dict"],[113,4,1,"","local_rank"],[113,2,1,"","log"],[113,2,1,"","log_dict"],[113,4,1,"","logger"],[113,4,1,"","loggers"],[113,2,1,"","lr_scheduler_step"],[113,2,1,"","lr_schedulers"],[113,2,1,"","manual_backward"],[113,2,1,"","modules"],[113,2,1,"","named_buffers"],[113,2,1,"","named_children"],[113,2,1,"","named_modules"],[113,2,1,"","named_parameters"],[113,2,1,"","on_after_backward"],[113,2,1,"","on_after_batch_transfer"],[113,2,1,"","on_before_backward"],[113,2,1,"","on_before_batch_transfer"],[113,2,1,"","on_before_optimizer_step"],[113,2,1,"","on_before_zero_grad"],[113,2,1,"","on_fit_end"],[113,2,1,"","on_fit_start"],[113,4,1,"","on_gpu"],[113,2,1,"","on_load_checkpoint"],[113,2,1,"","on_predict_batch_end"],[113,2,1,"","on_predict_batch_start"],[113,2,1,"","on_predict_end"],[113,2,1,"","on_predict_epoch_end"],[113,2,1,"","on_predict_epoch_start"],[113,2,1,"","on_predict_model_eval"],[113,2,1,"","on_predict_start"],[113,2,1,"","on_save_checkpoint"],[113,2,1,"","on_test_batch_end"],[113,2,1,"","on_test_batch_start"],[113,2,1,"","on_test_end"],[113,2,1,"","on_test_epoch_end"],[113,2,1,"","on_test_epoch_start"],[113,2,1,"","on_test_model_eval"],[113,2,1,"","on_test_model_train"],[113,2,1,"","on_test_start"],[113,2,1,"","on_train_batch_end"],[113,2,1,"","on_train_batch_start"],[113,2,1,"","on_train_end"],[113,2,1,"","on_train_epoch_end"],[113,2,1,"","on_train_epoch_start"],[113,2,1,"","on_train_start"],[113,2,1,"","on_validation_batch_end"],[113,2,1,"","on_validation_batch_start"],[113,2,1,"","on_validation_end"],[113,2,1,"","on_validation_epoch_end"],[113,2,1,"","on_validation_epoch_start"],[113,2,1,"","on_validation_model_eval"],[113,2,1,"","on_validation_model_train"],[113,2,1,"","on_validation_model_zero_grad"],[113,2,1,"","on_validation_start"],[113,2,1,"","optimizer_step"],[113,2,1,"","optimizer_zero_grad"],[113,2,1,"","optimizers"],[113,4,1,"","output_chunk_length"],[113,2,1,"","parameters"],[113,3,1,"","pred_batch_size"],[113,3,1,"","pred_n"],[113,3,1,"","pred_n_jobs"],[113,3,1,"","pred_num_samples"],[113,3,1,"","pred_roll_size"],[113,2,1,"","predict_dataloader"],[113,3,1,"","predict_likelihood_parameters"],[113,2,1,"","predict_step"],[113,2,1,"","prepare_data"],[113,3,1,"","prepare_data_per_node"],[113,2,1,"","print"],[113,2,1,"","register_backward_hook"],[113,2,1,"","register_buffer"],[113,2,1,"","register_forward_hook"],[113,2,1,"","register_forward_pre_hook"],[113,2,1,"","register_full_backward_hook"],[113,2,1,"","register_full_backward_pre_hook"],[113,2,1,"","register_load_state_dict_post_hook"],[113,2,1,"","register_module"],[113,2,1,"","register_parameter"],[113,2,1,"","register_state_dict_pre_hook"],[113,2,1,"","requires_grad_"],[113,2,1,"","save_hyperparameters"],[113,2,1,"","set_extra_state"],[113,2,1,"","set_mc_dropout"],[113,2,1,"","set_predict_parameters"],[113,2,1,"","setup"],[113,2,1,"","share_memory"],[113,2,1,"","state_dict"],[113,2,1,"","teardown"],[113,2,1,"","test_dataloader"],[113,2,1,"","test_step"],[113,2,1,"","to"],[113,2,1,"","to_dtype"],[113,2,1,"","to_empty"],[113,2,1,"","to_onnx"],[113,2,1,"","to_torchscript"],[113,2,1,"","toggle_optimizer"],[113,2,1,"","train"],[113,2,1,"","train_dataloader"],[113,4,1,"","trainer"],[113,3,1,"","training"],[113,2,1,"","training_step"],[113,2,1,"","transfer_batch_to_device"],[113,2,1,"","type"],[113,2,1,"","unfreeze"],[113,2,1,"","untoggle_optimizer"],[113,2,1,"","val_dataloader"],[113,2,1,"","validation_step"],[113,2,1,"","xpu"],[113,2,1,"","zero_grad"]],"darts.models.forecasting.pl_forecasting_module.PLPastCovariatesModule":[[113,3,1,"","CHECKPOINT_HYPER_PARAMS_KEY"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_NAME"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_TYPE"],[113,3,1,"","T_destination"],[113,2,1,"","add_module"],[113,2,1,"","all_gather"],[113,3,1,"","allow_zero_length_dataloader_with_multiple_devices"],[113,2,1,"","apply"],[113,4,1,"","automatic_optimization"],[113,2,1,"","backward"],[113,2,1,"","bfloat16"],[113,2,1,"","buffers"],[113,3,1,"","call_super_init"],[113,2,1,"","children"],[113,2,1,"","clip_gradients"],[113,2,1,"","compile"],[113,2,1,"","configure_callbacks"],[113,2,1,"","configure_gradient_clipping"],[113,2,1,"","configure_model"],[113,2,1,"","configure_optimizers"],[113,2,1,"","configure_sharded_model"],[113,2,1,"","configure_torch_metrics"],[113,2,1,"","cpu"],[113,2,1,"","cuda"],[113,4,1,"","current_epoch"],[113,4,1,"","device"],[113,2,1,"","double"],[113,4,1,"","dtype"],[113,3,1,"","dump_patches"],[113,4,1,"","epochs_trained"],[113,2,1,"","eval"],[113,4,1,"","example_input_array"],[113,2,1,"","extra_repr"],[113,4,1,"","fabric"],[113,2,1,"","float"],[113,2,1,"","forward"],[113,2,1,"","freeze"],[113,2,1,"","get_buffer"],[113,2,1,"","get_extra_state"],[113,2,1,"","get_parameter"],[113,2,1,"","get_submodule"],[113,4,1,"","global_rank"],[113,4,1,"","global_step"],[113,2,1,"","half"],[113,4,1,"","hparams"],[113,4,1,"","hparams_initial"],[113,2,1,"","ipu"],[113,2,1,"","load_from_checkpoint"],[113,2,1,"","load_state_dict"],[113,4,1,"","local_rank"],[113,2,1,"","log"],[113,2,1,"","log_dict"],[113,4,1,"","logger"],[113,4,1,"","loggers"],[113,2,1,"","lr_scheduler_step"],[113,2,1,"","lr_schedulers"],[113,2,1,"","manual_backward"],[113,2,1,"","modules"],[113,2,1,"","named_buffers"],[113,2,1,"","named_children"],[113,2,1,"","named_modules"],[113,2,1,"","named_parameters"],[113,2,1,"","on_after_backward"],[113,2,1,"","on_after_batch_transfer"],[113,2,1,"","on_before_backward"],[113,2,1,"","on_before_batch_transfer"],[113,2,1,"","on_before_optimizer_step"],[113,2,1,"","on_before_zero_grad"],[113,2,1,"","on_fit_end"],[113,2,1,"","on_fit_start"],[113,4,1,"","on_gpu"],[113,2,1,"","on_load_checkpoint"],[113,2,1,"","on_predict_batch_end"],[113,2,1,"","on_predict_batch_start"],[113,2,1,"","on_predict_end"],[113,2,1,"","on_predict_epoch_end"],[113,2,1,"","on_predict_epoch_start"],[113,2,1,"","on_predict_model_eval"],[113,2,1,"","on_predict_start"],[113,2,1,"","on_save_checkpoint"],[113,2,1,"","on_test_batch_end"],[113,2,1,"","on_test_batch_start"],[113,2,1,"","on_test_end"],[113,2,1,"","on_test_epoch_end"],[113,2,1,"","on_test_epoch_start"],[113,2,1,"","on_test_model_eval"],[113,2,1,"","on_test_model_train"],[113,2,1,"","on_test_start"],[113,2,1,"","on_train_batch_end"],[113,2,1,"","on_train_batch_start"],[113,2,1,"","on_train_end"],[113,2,1,"","on_train_epoch_end"],[113,2,1,"","on_train_epoch_start"],[113,2,1,"","on_train_start"],[113,2,1,"","on_validation_batch_end"],[113,2,1,"","on_validation_batch_start"],[113,2,1,"","on_validation_end"],[113,2,1,"","on_validation_epoch_end"],[113,2,1,"","on_validation_epoch_start"],[113,2,1,"","on_validation_model_eval"],[113,2,1,"","on_validation_model_train"],[113,2,1,"","on_validation_model_zero_grad"],[113,2,1,"","on_validation_start"],[113,2,1,"","optimizer_step"],[113,2,1,"","optimizer_zero_grad"],[113,2,1,"","optimizers"],[113,4,1,"","output_chunk_length"],[113,2,1,"","parameters"],[113,3,1,"","pred_batch_size"],[113,3,1,"","pred_n"],[113,3,1,"","pred_n_jobs"],[113,3,1,"","pred_num_samples"],[113,3,1,"","pred_roll_size"],[113,2,1,"","predict_dataloader"],[113,3,1,"","predict_likelihood_parameters"],[113,2,1,"","predict_step"],[113,2,1,"","prepare_data"],[113,3,1,"","prepare_data_per_node"],[113,2,1,"","print"],[113,2,1,"","register_backward_hook"],[113,2,1,"","register_buffer"],[113,2,1,"","register_forward_hook"],[113,2,1,"","register_forward_pre_hook"],[113,2,1,"","register_full_backward_hook"],[113,2,1,"","register_full_backward_pre_hook"],[113,2,1,"","register_load_state_dict_post_hook"],[113,2,1,"","register_module"],[113,2,1,"","register_parameter"],[113,2,1,"","register_state_dict_pre_hook"],[113,2,1,"","requires_grad_"],[113,2,1,"","save_hyperparameters"],[113,2,1,"","set_extra_state"],[113,2,1,"","set_mc_dropout"],[113,2,1,"","set_predict_parameters"],[113,2,1,"","setup"],[113,2,1,"","share_memory"],[113,2,1,"","state_dict"],[113,2,1,"","teardown"],[113,2,1,"","test_dataloader"],[113,2,1,"","test_step"],[113,2,1,"","to"],[113,2,1,"","to_dtype"],[113,2,1,"","to_empty"],[113,2,1,"","to_onnx"],[113,2,1,"","to_torchscript"],[113,2,1,"","toggle_optimizer"],[113,2,1,"","train"],[113,2,1,"","train_dataloader"],[113,4,1,"","trainer"],[113,3,1,"","training"],[113,2,1,"","training_step"],[113,2,1,"","transfer_batch_to_device"],[113,2,1,"","type"],[113,2,1,"","unfreeze"],[113,2,1,"","untoggle_optimizer"],[113,2,1,"","val_dataloader"],[113,2,1,"","validation_step"],[113,2,1,"","xpu"],[113,2,1,"","zero_grad"]],"darts.models.forecasting.pl_forecasting_module.PLSplitCovariatesModule":[[113,3,1,"","CHECKPOINT_HYPER_PARAMS_KEY"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_NAME"],[113,3,1,"","CHECKPOINT_HYPER_PARAMS_TYPE"],[113,3,1,"","T_destination"],[113,2,1,"","add_module"],[113,2,1,"","all_gather"],[113,3,1,"","allow_zero_length_dataloader_with_multiple_devices"],[113,2,1,"","apply"],[113,4,1,"","automatic_optimization"],[113,2,1,"","backward"],[113,2,1,"","bfloat16"],[113,2,1,"","buffers"],[113,3,1,"","call_super_init"],[113,2,1,"","children"],[113,2,1,"","clip_gradients"],[113,2,1,"","compile"],[113,2,1,"","configure_callbacks"],[113,2,1,"","configure_gradient_clipping"],[113,2,1,"","configure_model"],[113,2,1,"","configure_optimizers"],[113,2,1,"","configure_sharded_model"],[113,2,1,"","configure_torch_metrics"],[113,2,1,"","cpu"],[113,2,1,"","cuda"],[113,4,1,"","current_epoch"],[113,4,1,"","device"],[113,2,1,"","double"],[113,4,1,"","dtype"],[113,3,1,"","dump_patches"],[113,4,1,"","epochs_trained"],[113,2,1,"","eval"],[113,4,1,"","example_input_array"],[113,2,1,"","extra_repr"],[113,4,1,"","fabric"],[113,2,1,"","float"],[113,2,1,"","forward"],[113,2,1,"","freeze"],[113,2,1,"","get_buffer"],[113,2,1,"","get_extra_state"],[113,2,1,"","get_parameter"],[113,2,1,"","get_submodule"],[113,4,1,"","global_rank"],[113,4,1,"","global_step"],[113,2,1,"","half"],[113,4,1,"","hparams"],[113,4,1,"","hparams_initial"],[113,2,1,"","ipu"],[113,2,1,"","load_from_checkpoint"],[113,2,1,"","load_state_dict"],[113,4,1,"","local_rank"],[113,2,1,"","log"],[113,2,1,"","log_dict"],[113,4,1,"","logger"],[113,4,1,"","loggers"],[113,2,1,"","lr_scheduler_step"],[113,2,1,"","lr_schedulers"],[113,2,1,"","manual_backward"],[113,2,1,"","modules"],[113,2,1,"","named_buffers"],[113,2,1,"","named_children"],[113,2,1,"","named_modules"],[113,2,1,"","named_parameters"],[113,2,1,"","on_after_backward"],[113,2,1,"","on_after_batch_transfer"],[113,2,1,"","on_before_backward"],[113,2,1,"","on_before_batch_transfer"],[113,2,1,"","on_before_optimizer_step"],[113,2,1,"","on_before_zero_grad"],[113,2,1,"","on_fit_end"],[113,2,1,"","on_fit_start"],[113,4,1,"","on_gpu"],[113,2,1,"","on_load_checkpoint"],[113,2,1,"","on_predict_batch_end"],[113,2,1,"","on_predict_batch_start"],[113,2,1,"","on_predict_end"],[113,2,1,"","on_predict_epoch_end"],[113,2,1,"","on_predict_epoch_start"],[113,2,1,"","on_predict_model_eval"],[113,2,1,"","on_predict_start"],[113,2,1,"","on_save_checkpoint"],[113,2,1,"","on_test_batch_end"],[113,2,1,"","on_test_batch_start"],[113,2,1,"","on_test_end"],[113,2,1,"","on_test_epoch_end"],[113,2,1,"","on_test_epoch_start"],[113,2,1,"","on_test_model_eval"],[113,2,1,"","on_test_model_train"],[113,2,1,"","on_test_start"],[113,2,1,"","on_train_batch_end"],[113,2,1,"","on_train_batch_start"],[113,2,1,"","on_train_end"],[113,2,1,"","on_train_epoch_end"],[113,2,1,"","on_train_epoch_start"],[113,2,1,"","on_train_start"],[113,2,1,"","on_validation_batch_end"],[113,2,1,"","on_validation_batch_start"],[113,2,1,"","on_validation_end"],[113,2,1,"","on_validation_epoch_end"],[113,2,1,"","on_validation_epoch_start"],[113,2,1,"","on_validation_model_eval"],[113,2,1,"","on_validation_model_train"],[113,2,1,"","on_validation_model_zero_grad"],[113,2,1,"","on_validation_start"],[113,2,1,"","optimizer_step"],[113,2,1,"","optimizer_zero_grad"],[113,2,1,"","optimizers"],[113,4,1,"","output_chunk_length"],[113,2,1,"","parameters"],[113,3,1,"","pred_batch_size"],[113,3,1,"","pred_n"],[113,3,1,"","pred_n_jobs"],[113,3,1,"","pred_num_samples"],[113,3,1,"","pred_roll_size"],[113,2,1,"","predict_dataloader"],[113,3,1,"","predict_likelihood_parameters"],[113,2,1,"","predict_step"],[113,2,1,"","prepare_data"],[113,3,1,"","prepare_data_per_node"],[113,2,1,"","print"],[113,2,1,"","register_backward_hook"],[113,2,1,"","register_buffer"],[113,2,1,"","register_forward_hook"],[113,2,1,"","register_forward_pre_hook"],[113,2,1,"","register_full_backward_hook"],[113,2,1,"","register_full_backward_pre_hook"],[113,2,1,"","register_load_state_dict_post_hook"],[113,2,1,"","register_module"],[113,2,1,"","register_parameter"],[113,2,1,"","register_state_dict_pre_hook"],[113,2,1,"","requires_grad_"],[113,2,1,"","save_hyperparameters"],[113,2,1,"","set_extra_state"],[113,2,1,"","set_mc_dropout"],[113,2,1,"","set_predict_parameters"],[113,2,1,"","setup"],[113,2,1,"","share_memory"],[113,2,1,"","state_dict"],[113,2,1,"","teardown"],[113,2,1,"","test_dataloader"],[113,2,1,"","test_step"],[113,2,1,"","to"],[113,2,1,"","to_dtype"],[113,2,1,"","to_empty"],[113,2,1,"","to_onnx"],[113,2,1,"","to_torchscript"],[113,2,1,"","toggle_optimizer"],[113,2,1,"","train"],[113,2,1,"","train_dataloader"],[113,4,1,"","trainer"],[113,3,1,"","training"],[113,2,1,"","training_step"],[113,2,1,"","transfer_batch_to_device"],[113,2,1,"","type"],[113,2,1,"","unfreeze"],[113,2,1,"","untoggle_optimizer"],[113,2,1,"","val_dataloader"],[113,2,1,"","validation_step"],[113,2,1,"","xpu"],[113,2,1,"","zero_grad"]],"darts.models.forecasting.prophet_model":[[114,1,1,"","Prophet"]],"darts.models.forecasting.prophet_model.Prophet":[[114,2,1,"","add_seasonality"],[114,2,1,"","backtest"],[114,4,1,"","considers_static_covariates"],[114,4,1,"","extreme_lags"],[114,2,1,"","fit"],[114,2,1,"","generate_fit_encodings"],[114,2,1,"","generate_fit_predict_encodings"],[114,2,1,"","generate_predict_encodings"],[114,2,1,"","gridsearch"],[114,2,1,"","historical_forecasts"],[114,2,1,"","load"],[114,4,1,"","min_train_samples"],[114,4,1,"","model_params"],[114,4,1,"","output_chunk_length"],[114,2,1,"","predict"],[114,2,1,"","predict_raw"],[114,2,1,"","residuals"],[114,2,1,"","save"],[114,4,1,"","supports_future_covariates"],[114,4,1,"","supports_likelihood_parameter_prediction"],[114,4,1,"","supports_multivariate"],[114,4,1,"","supports_optimized_historical_forecasts"],[114,4,1,"","supports_past_covariates"],[114,4,1,"","supports_static_covariates"],[114,4,1,"","supports_transferrable_series_prediction"],[114,4,1,"","uses_future_covariates"],[114,4,1,"","uses_past_covariates"],[114,4,1,"","uses_static_covariates"]],"darts.models.forecasting.random_forest":[[115,1,1,"","RandomForest"]],"darts.models.forecasting.random_forest.RandomForest":[[115,2,1,"","backtest"],[115,4,1,"","considers_static_covariates"],[115,4,1,"","extreme_lags"],[115,2,1,"","fit"],[115,2,1,"","generate_fit_encodings"],[115,2,1,"","generate_fit_predict_encodings"],[115,2,1,"","generate_predict_encodings"],[115,2,1,"","get_multioutput_estimator"],[115,2,1,"","gridsearch"],[115,2,1,"","historical_forecasts"],[115,4,1,"","lagged_feature_names"],[115,2,1,"","load"],[115,4,1,"","min_train_samples"],[115,4,1,"","model_params"],[115,4,1,"","output_chunk_length"],[115,2,1,"","predict"],[115,2,1,"","residuals"],[115,2,1,"","save"],[115,4,1,"","supports_future_covariates"],[115,4,1,"","supports_likelihood_parameter_prediction"],[115,4,1,"","supports_multivariate"],[115,4,1,"","supports_optimized_historical_forecasts"],[115,4,1,"","supports_past_covariates"],[115,4,1,"","supports_static_covariates"],[115,4,1,"","supports_transferrable_series_prediction"],[115,4,1,"","uses_future_covariates"],[115,4,1,"","uses_past_covariates"],[115,4,1,"","uses_static_covariates"]],"darts.models.forecasting.regression_ensemble_model":[[116,1,1,"","RegressionEnsembleModel"]],"darts.models.forecasting.regression_ensemble_model.RegressionEnsembleModel":[[116,2,1,"","backtest"],[116,4,1,"","considers_static_covariates"],[116,2,1,"","ensemble"],[116,4,1,"","extreme_lags"],[116,2,1,"","fit"],[116,2,1,"","generate_fit_encodings"],[116,2,1,"","generate_fit_predict_encodings"],[116,2,1,"","generate_predict_encodings"],[116,2,1,"","gridsearch"],[116,2,1,"","historical_forecasts"],[116,2,1,"","load"],[116,4,1,"","min_train_samples"],[116,4,1,"","model_params"],[116,4,1,"","output_chunk_length"],[116,2,1,"","predict"],[116,2,1,"","residuals"],[116,2,1,"","save"],[116,4,1,"","supports_future_covariates"],[116,4,1,"","supports_likelihood_parameter_prediction"],[116,4,1,"","supports_multivariate"],[116,4,1,"","supports_optimized_historical_forecasts"],[116,4,1,"","supports_past_covariates"],[116,4,1,"","supports_static_covariates"],[116,4,1,"","supports_transferrable_series_prediction"],[116,4,1,"","uses_future_covariates"],[116,4,1,"","uses_past_covariates"],[116,4,1,"","uses_static_covariates"]],"darts.models.forecasting.regression_model":[[117,1,1,"","RegressionModel"],[117,1,1,"","RegressionModelWithCategoricalCovariates"]],"darts.models.forecasting.regression_model.RegressionModel":[[117,2,1,"","backtest"],[117,4,1,"","considers_static_covariates"],[117,4,1,"","extreme_lags"],[117,2,1,"","fit"],[117,2,1,"","generate_fit_encodings"],[117,2,1,"","generate_fit_predict_encodings"],[117,2,1,"","generate_predict_encodings"],[117,2,1,"","get_multioutput_estimator"],[117,2,1,"","gridsearch"],[117,2,1,"","historical_forecasts"],[117,4,1,"","lagged_feature_names"],[117,2,1,"","load"],[117,4,1,"","min_train_samples"],[117,4,1,"","model_params"],[117,4,1,"","output_chunk_length"],[117,2,1,"","predict"],[117,2,1,"","residuals"],[117,2,1,"","save"],[117,4,1,"","supports_future_covariates"],[117,4,1,"","supports_likelihood_parameter_prediction"],[117,4,1,"","supports_multivariate"],[117,4,1,"","supports_optimized_historical_forecasts"],[117,4,1,"","supports_past_covariates"],[117,4,1,"","supports_static_covariates"],[117,4,1,"","supports_transferrable_series_prediction"],[117,4,1,"","uses_future_covariates"],[117,4,1,"","uses_past_covariates"],[117,4,1,"","uses_static_covariates"]],"darts.models.forecasting.regression_model.RegressionModelWithCategoricalCovariates":[[117,2,1,"","backtest"],[117,4,1,"","considers_static_covariates"],[117,4,1,"","extreme_lags"],[117,2,1,"","fit"],[117,2,1,"","generate_fit_encodings"],[117,2,1,"","generate_fit_predict_encodings"],[117,2,1,"","generate_predict_encodings"],[117,2,1,"","get_multioutput_estimator"],[117,2,1,"","gridsearch"],[117,2,1,"","historical_forecasts"],[117,4,1,"","lagged_feature_names"],[117,2,1,"","load"],[117,4,1,"","min_train_samples"],[117,4,1,"","model_params"],[117,4,1,"","output_chunk_length"],[117,2,1,"","predict"],[117,2,1,"","residuals"],[117,2,1,"","save"],[117,4,1,"","supports_future_covariates"],[117,4,1,"","supports_likelihood_parameter_prediction"],[117,4,1,"","supports_multivariate"],[117,4,1,"","supports_optimized_historical_forecasts"],[117,4,1,"","supports_past_covariates"],[117,4,1,"","supports_static_covariates"],[117,4,1,"","supports_transferrable_series_prediction"],[117,4,1,"","uses_future_covariates"],[117,4,1,"","uses_past_covariates"],[117,4,1,"","uses_static_covariates"]],"darts.models.forecasting.rnn_model":[[118,1,1,"","CustomRNNModule"],[118,1,1,"","RNNModel"]],"darts.models.forecasting.rnn_model.CustomRNNModule":[[118,2,1,"","forward"]],"darts.models.forecasting.rnn_model.RNNModel":[[118,2,1,"","backtest"],[118,4,1,"","considers_static_covariates"],[118,4,1,"","extreme_lags"],[118,4,1,"","first_prediction_index"],[118,2,1,"","fit"],[118,2,1,"","fit_from_dataset"],[118,2,1,"","generate_fit_encodings"],[118,2,1,"","generate_fit_predict_encodings"],[118,2,1,"","generate_predict_encodings"],[118,2,1,"","gridsearch"],[118,2,1,"","historical_forecasts"],[118,2,1,"","initialize_encoders"],[118,2,1,"","load"],[118,2,1,"","load_from_checkpoint"],[118,2,1,"","load_weights"],[118,2,1,"","load_weights_from_checkpoint"],[118,2,1,"","lr_find"],[118,4,1,"","min_train_samples"],[118,4,1,"","min_train_series_length"],[118,4,1,"","output_chunk_length"],[118,2,1,"","predict"],[118,2,1,"","predict_from_dataset"],[118,2,1,"","reset_model"],[118,2,1,"","residuals"],[118,2,1,"","save"],[118,4,1,"","supports_future_covariates"],[118,4,1,"","supports_likelihood_parameter_prediction"],[118,4,1,"","supports_multivariate"],[118,4,1,"","supports_optimized_historical_forecasts"],[118,4,1,"","supports_static_covariates"],[118,4,1,"","supports_transferrable_series_prediction"],[118,2,1,"","to_cpu"],[118,2,1,"","untrained_model"],[118,4,1,"","uses_future_covariates"],[118,4,1,"","uses_past_covariates"],[118,4,1,"","uses_static_covariates"]],"darts.models.forecasting.sf_auto_arima":[[119,1,1,"","StatsForecastAutoARIMA"]],"darts.models.forecasting.sf_auto_arima.StatsForecastAutoARIMA":[[119,2,1,"","backtest"],[119,4,1,"","considers_static_covariates"],[119,4,1,"","extreme_lags"],[119,2,1,"","fit"],[119,2,1,"","generate_fit_encodings"],[119,2,1,"","generate_fit_predict_encodings"],[119,2,1,"","generate_predict_encodings"],[119,2,1,"","gridsearch"],[119,2,1,"","historical_forecasts"],[119,2,1,"","load"],[119,4,1,"","min_train_samples"],[119,4,1,"","model_params"],[119,4,1,"","output_chunk_length"],[119,2,1,"","predict"],[119,2,1,"","residuals"],[119,2,1,"","save"],[119,4,1,"","supports_future_covariates"],[119,4,1,"","supports_likelihood_parameter_prediction"],[119,4,1,"","supports_multivariate"],[119,4,1,"","supports_optimized_historical_forecasts"],[119,4,1,"","supports_past_covariates"],[119,4,1,"","supports_static_covariates"],[119,4,1,"","supports_transferrable_series_prediction"],[119,4,1,"","uses_future_covariates"],[119,4,1,"","uses_past_covariates"],[119,4,1,"","uses_static_covariates"]],"darts.models.forecasting.sf_auto_ces":[[120,1,1,"","StatsForecastAutoCES"]],"darts.models.forecasting.sf_auto_ces.StatsForecastAutoCES":[[120,2,1,"","backtest"],[120,4,1,"","considers_static_covariates"],[120,4,1,"","extreme_lags"],[120,2,1,"","fit"],[120,2,1,"","generate_fit_encodings"],[120,2,1,"","generate_fit_predict_encodings"],[120,2,1,"","generate_predict_encodings"],[120,2,1,"","gridsearch"],[120,2,1,"","historical_forecasts"],[120,2,1,"","load"],[120,4,1,"","min_train_samples"],[120,4,1,"","model_params"],[120,4,1,"","output_chunk_length"],[120,2,1,"","predict"],[120,2,1,"","residuals"],[120,2,1,"","save"],[120,4,1,"","supports_future_covariates"],[120,4,1,"","supports_likelihood_parameter_prediction"],[120,4,1,"","supports_multivariate"],[120,4,1,"","supports_optimized_historical_forecasts"],[120,4,1,"","supports_past_covariates"],[120,4,1,"","supports_static_covariates"],[120,4,1,"","supports_transferrable_series_prediction"],[120,4,1,"","uses_future_covariates"],[120,4,1,"","uses_past_covariates"],[120,4,1,"","uses_static_covariates"]],"darts.models.forecasting.sf_auto_ets":[[121,1,1,"","StatsForecastAutoETS"]],"darts.models.forecasting.sf_auto_ets.StatsForecastAutoETS":[[121,2,1,"","backtest"],[121,4,1,"","considers_static_covariates"],[121,4,1,"","extreme_lags"],[121,2,1,"","fit"],[121,2,1,"","generate_fit_encodings"],[121,2,1,"","generate_fit_predict_encodings"],[121,2,1,"","generate_predict_encodings"],[121,2,1,"","gridsearch"],[121,2,1,"","historical_forecasts"],[121,2,1,"","load"],[121,4,1,"","min_train_samples"],[121,4,1,"","model_params"],[121,4,1,"","output_chunk_length"],[121,2,1,"","predict"],[121,2,1,"","residuals"],[121,2,1,"","save"],[121,4,1,"","supports_future_covariates"],[121,4,1,"","supports_likelihood_parameter_prediction"],[121,4,1,"","supports_multivariate"],[121,4,1,"","supports_optimized_historical_forecasts"],[121,4,1,"","supports_past_covariates"],[121,4,1,"","supports_static_covariates"],[121,4,1,"","supports_transferrable_series_prediction"],[121,4,1,"","uses_future_covariates"],[121,4,1,"","uses_past_covariates"],[121,4,1,"","uses_static_covariates"]],"darts.models.forecasting.sf_auto_theta":[[122,1,1,"","StatsForecastAutoTheta"]],"darts.models.forecasting.sf_auto_theta.StatsForecastAutoTheta":[[122,2,1,"","backtest"],[122,4,1,"","considers_static_covariates"],[122,4,1,"","extreme_lags"],[122,2,1,"","fit"],[122,2,1,"","generate_fit_encodings"],[122,2,1,"","generate_fit_predict_encodings"],[122,2,1,"","generate_predict_encodings"],[122,2,1,"","gridsearch"],[122,2,1,"","historical_forecasts"],[122,2,1,"","load"],[122,4,1,"","min_train_samples"],[122,4,1,"","model_params"],[122,4,1,"","output_chunk_length"],[122,2,1,"","predict"],[122,2,1,"","residuals"],[122,2,1,"","save"],[122,4,1,"","supports_future_covariates"],[122,4,1,"","supports_likelihood_parameter_prediction"],[122,4,1,"","supports_multivariate"],[122,4,1,"","supports_optimized_historical_forecasts"],[122,4,1,"","supports_past_covariates"],[122,4,1,"","supports_static_covariates"],[122,4,1,"","supports_transferrable_series_prediction"],[122,4,1,"","uses_future_covariates"],[122,4,1,"","uses_past_covariates"],[122,4,1,"","uses_static_covariates"]],"darts.models.forecasting.tbats_model":[[123,1,1,"","BATS"],[123,1,1,"","TBATS"]],"darts.models.forecasting.tbats_model.BATS":[[123,2,1,"","backtest"],[123,4,1,"","considers_static_covariates"],[123,4,1,"","extreme_lags"],[123,2,1,"","fit"],[123,2,1,"","generate_fit_encodings"],[123,2,1,"","generate_fit_predict_encodings"],[123,2,1,"","generate_predict_encodings"],[123,2,1,"","gridsearch"],[123,2,1,"","historical_forecasts"],[123,2,1,"","load"],[123,4,1,"","min_train_samples"],[123,4,1,"","model_params"],[123,4,1,"","output_chunk_length"],[123,2,1,"","predict"],[123,2,1,"","residuals"],[123,2,1,"","save"],[123,4,1,"","supports_future_covariates"],[123,4,1,"","supports_likelihood_parameter_prediction"],[123,4,1,"","supports_multivariate"],[123,4,1,"","supports_optimized_historical_forecasts"],[123,4,1,"","supports_past_covariates"],[123,4,1,"","supports_static_covariates"],[123,4,1,"","supports_transferrable_series_prediction"],[123,4,1,"","uses_future_covariates"],[123,4,1,"","uses_past_covariates"],[123,4,1,"","uses_static_covariates"]],"darts.models.forecasting.tbats_model.TBATS":[[123,2,1,"","backtest"],[123,4,1,"","considers_static_covariates"],[123,4,1,"","extreme_lags"],[123,2,1,"","fit"],[123,2,1,"","generate_fit_encodings"],[123,2,1,"","generate_fit_predict_encodings"],[123,2,1,"","generate_predict_encodings"],[123,2,1,"","gridsearch"],[123,2,1,"","historical_forecasts"],[123,2,1,"","load"],[123,4,1,"","min_train_samples"],[123,4,1,"","model_params"],[123,4,1,"","output_chunk_length"],[123,2,1,"","predict"],[123,2,1,"","residuals"],[123,2,1,"","save"],[123,4,1,"","supports_future_covariates"],[123,4,1,"","supports_likelihood_parameter_prediction"],[123,4,1,"","supports_multivariate"],[123,4,1,"","supports_optimized_historical_forecasts"],[123,4,1,"","supports_past_covariates"],[123,4,1,"","supports_static_covariates"],[123,4,1,"","supports_transferrable_series_prediction"],[123,4,1,"","uses_future_covariates"],[123,4,1,"","uses_past_covariates"],[123,4,1,"","uses_static_covariates"]],"darts.models.forecasting.tcn_model":[[124,1,1,"","TCNModel"]],"darts.models.forecasting.tcn_model.TCNModel":[[124,2,1,"","backtest"],[124,4,1,"","considers_static_covariates"],[124,4,1,"","epochs_trained"],[124,4,1,"","extreme_lags"],[124,2,1,"","fit"],[124,2,1,"","fit_from_dataset"],[124,2,1,"","generate_fit_encodings"],[124,2,1,"","generate_fit_predict_encodings"],[124,2,1,"","generate_predict_encodings"],[124,2,1,"","gridsearch"],[124,2,1,"","historical_forecasts"],[124,4,1,"","input_chunk_length"],[124,4,1,"","likelihood"],[124,2,1,"","load"],[124,2,1,"","load_from_checkpoint"],[124,2,1,"","load_weights"],[124,2,1,"","load_weights_from_checkpoint"],[124,2,1,"","lr_find"],[124,4,1,"","min_train_samples"],[124,4,1,"","model_created"],[124,4,1,"","model_params"],[124,4,1,"","output_chunk_length"],[124,2,1,"","predict"],[124,2,1,"","predict_from_dataset"],[124,2,1,"","reset_model"],[124,2,1,"","residuals"],[124,2,1,"","save"],[124,3,1,"","supports_future_covariates"],[124,4,1,"","supports_likelihood_parameter_prediction"],[124,4,1,"","supports_multivariate"],[124,4,1,"","supports_optimized_historical_forecasts"],[124,4,1,"","supports_past_covariates"],[124,4,1,"","supports_static_covariates"],[124,4,1,"","supports_transferrable_series_prediction"],[124,2,1,"","to_cpu"],[124,4,1,"","uses_future_covariates"],[124,4,1,"","uses_past_covariates"],[124,4,1,"","uses_static_covariates"]],"darts.models.forecasting.tft_model":[[125,1,1,"","TFTModel"]],"darts.models.forecasting.tft_model.TFTModel":[[125,2,1,"","backtest"],[125,4,1,"","considers_static_covariates"],[125,4,1,"","epochs_trained"],[125,4,1,"","extreme_lags"],[125,2,1,"","fit"],[125,2,1,"","fit_from_dataset"],[125,2,1,"","generate_fit_encodings"],[125,2,1,"","generate_fit_predict_encodings"],[125,2,1,"","generate_predict_encodings"],[125,2,1,"","gridsearch"],[125,2,1,"","historical_forecasts"],[125,4,1,"","input_chunk_length"],[125,4,1,"","likelihood"],[125,2,1,"","load"],[125,2,1,"","load_from_checkpoint"],[125,2,1,"","load_weights"],[125,2,1,"","load_weights_from_checkpoint"],[125,2,1,"","lr_find"],[125,4,1,"","min_train_samples"],[125,4,1,"","model_created"],[125,4,1,"","model_params"],[125,4,1,"","output_chunk_length"],[125,2,1,"","predict"],[125,2,1,"","predict_from_dataset"],[125,2,1,"","reset_model"],[125,2,1,"","residuals"],[125,2,1,"","save"],[125,4,1,"","supports_future_covariates"],[125,4,1,"","supports_likelihood_parameter_prediction"],[125,4,1,"","supports_multivariate"],[125,4,1,"","supports_optimized_historical_forecasts"],[125,4,1,"","supports_past_covariates"],[125,4,1,"","supports_static_covariates"],[125,4,1,"","supports_transferrable_series_prediction"],[125,2,1,"","to_cpu"],[125,4,1,"","uses_future_covariates"],[125,4,1,"","uses_past_covariates"],[125,4,1,"","uses_static_covariates"]],"darts.models.forecasting.tft_submodels":[[126,5,1,"","get_embedding_size"]],"darts.models.forecasting.theta":[[127,1,1,"","FourTheta"],[127,1,1,"","Theta"]],"darts.models.forecasting.theta.FourTheta":[[127,2,1,"","backtest"],[127,4,1,"","considers_static_covariates"],[127,4,1,"","extreme_lags"],[127,2,1,"","fit"],[127,2,1,"","generate_fit_encodings"],[127,2,1,"","generate_fit_predict_encodings"],[127,2,1,"","generate_predict_encodings"],[127,2,1,"","gridsearch"],[127,2,1,"","historical_forecasts"],[127,2,1,"","load"],[127,4,1,"","min_train_samples"],[127,4,1,"","model_params"],[127,4,1,"","output_chunk_length"],[127,2,1,"","predict"],[127,2,1,"","residuals"],[127,2,1,"","save"],[127,2,1,"","select_best_model"],[127,4,1,"","supports_future_covariates"],[127,4,1,"","supports_likelihood_parameter_prediction"],[127,4,1,"","supports_multivariate"],[127,4,1,"","supports_optimized_historical_forecasts"],[127,4,1,"","supports_past_covariates"],[127,4,1,"","supports_static_covariates"],[127,4,1,"","supports_transferrable_series_prediction"],[127,4,1,"","uses_future_covariates"],[127,4,1,"","uses_past_covariates"],[127,4,1,"","uses_static_covariates"]],"darts.models.forecasting.theta.Theta":[[127,2,1,"","backtest"],[127,4,1,"","considers_static_covariates"],[127,4,1,"","extreme_lags"],[127,2,1,"","fit"],[127,2,1,"","generate_fit_encodings"],[127,2,1,"","generate_fit_predict_encodings"],[127,2,1,"","generate_predict_encodings"],[127,2,1,"","gridsearch"],[127,2,1,"","historical_forecasts"],[127,2,1,"","load"],[127,4,1,"","min_train_samples"],[127,4,1,"","model_params"],[127,4,1,"","output_chunk_length"],[127,2,1,"","predict"],[127,2,1,"","residuals"],[127,2,1,"","save"],[127,4,1,"","supports_future_covariates"],[127,4,1,"","supports_likelihood_parameter_prediction"],[127,4,1,"","supports_multivariate"],[127,4,1,"","supports_optimized_historical_forecasts"],[127,4,1,"","supports_past_covariates"],[127,4,1,"","supports_static_covariates"],[127,4,1,"","supports_transferrable_series_prediction"],[127,4,1,"","uses_future_covariates"],[127,4,1,"","uses_past_covariates"],[127,4,1,"","uses_static_covariates"]],"darts.models.forecasting.tide_model":[[128,1,1,"","TiDEModel"]],"darts.models.forecasting.tide_model.TiDEModel":[[128,2,1,"","backtest"],[128,4,1,"","considers_static_covariates"],[128,4,1,"","epochs_trained"],[128,4,1,"","extreme_lags"],[128,2,1,"","fit"],[128,2,1,"","fit_from_dataset"],[128,2,1,"","generate_fit_encodings"],[128,2,1,"","generate_fit_predict_encodings"],[128,2,1,"","generate_predict_encodings"],[128,2,1,"","gridsearch"],[128,2,1,"","historical_forecasts"],[128,4,1,"","input_chunk_length"],[128,4,1,"","likelihood"],[128,2,1,"","load"],[128,2,1,"","load_from_checkpoint"],[128,2,1,"","load_weights"],[128,2,1,"","load_weights_from_checkpoint"],[128,2,1,"","lr_find"],[128,4,1,"","min_train_samples"],[128,4,1,"","model_created"],[128,4,1,"","model_params"],[128,4,1,"","output_chunk_length"],[128,2,1,"","predict"],[128,2,1,"","predict_from_dataset"],[128,2,1,"","reset_model"],[128,2,1,"","residuals"],[128,2,1,"","save"],[128,4,1,"","supports_future_covariates"],[128,4,1,"","supports_likelihood_parameter_prediction"],[128,4,1,"","supports_multivariate"],[128,4,1,"","supports_optimized_historical_forecasts"],[128,4,1,"","supports_past_covariates"],[128,4,1,"","supports_static_covariates"],[128,4,1,"","supports_transferrable_series_prediction"],[128,2,1,"","to_cpu"],[128,4,1,"","uses_future_covariates"],[128,4,1,"","uses_past_covariates"],[128,4,1,"","uses_static_covariates"]],"darts.models.forecasting.transformer_model":[[130,1,1,"","TransformerModel"]],"darts.models.forecasting.transformer_model.TransformerModel":[[130,2,1,"","backtest"],[130,4,1,"","considers_static_covariates"],[130,4,1,"","epochs_trained"],[130,4,1,"","extreme_lags"],[130,2,1,"","fit"],[130,2,1,"","fit_from_dataset"],[130,2,1,"","generate_fit_encodings"],[130,2,1,"","generate_fit_predict_encodings"],[130,2,1,"","generate_predict_encodings"],[130,2,1,"","gridsearch"],[130,2,1,"","historical_forecasts"],[130,4,1,"","input_chunk_length"],[130,4,1,"","likelihood"],[130,2,1,"","load"],[130,2,1,"","load_from_checkpoint"],[130,2,1,"","load_weights"],[130,2,1,"","load_weights_from_checkpoint"],[130,2,1,"","lr_find"],[130,4,1,"","min_train_samples"],[130,4,1,"","model_created"],[130,4,1,"","model_params"],[130,4,1,"","output_chunk_length"],[130,2,1,"","predict"],[130,2,1,"","predict_from_dataset"],[130,2,1,"","reset_model"],[130,2,1,"","residuals"],[130,2,1,"","save"],[130,3,1,"","supports_future_covariates"],[130,4,1,"","supports_likelihood_parameter_prediction"],[130,4,1,"","supports_multivariate"],[130,4,1,"","supports_optimized_historical_forecasts"],[130,4,1,"","supports_past_covariates"],[130,4,1,"","supports_static_covariates"],[130,4,1,"","supports_transferrable_series_prediction"],[130,2,1,"","to_cpu"],[130,4,1,"","uses_future_covariates"],[130,4,1,"","uses_past_covariates"],[130,4,1,"","uses_static_covariates"]],"darts.models.forecasting.varima":[[131,1,1,"","VARIMA"]],"darts.models.forecasting.varima.VARIMA":[[131,2,1,"","backtest"],[131,4,1,"","considers_static_covariates"],[131,4,1,"","extreme_lags"],[131,2,1,"","fit"],[131,2,1,"","generate_fit_encodings"],[131,2,1,"","generate_fit_predict_encodings"],[131,2,1,"","generate_predict_encodings"],[131,2,1,"","gridsearch"],[131,2,1,"","historical_forecasts"],[131,2,1,"","load"],[131,4,1,"","min_train_samples"],[131,4,1,"","model_params"],[131,4,1,"","output_chunk_length"],[131,2,1,"","predict"],[131,2,1,"","residuals"],[131,2,1,"","save"],[131,4,1,"","supports_future_covariates"],[131,4,1,"","supports_likelihood_parameter_prediction"],[131,4,1,"","supports_multivariate"],[131,4,1,"","supports_optimized_historical_forecasts"],[131,4,1,"","supports_past_covariates"],[131,4,1,"","supports_static_covariates"],[131,4,1,"","supports_transferrable_series_prediction"],[131,4,1,"","uses_future_covariates"],[131,4,1,"","uses_past_covariates"],[131,4,1,"","uses_static_covariates"]],"darts.models.forecasting.xgboost":[[132,1,1,"","XGBModel"],[132,5,1,"","xgb_quantile_loss"]],"darts.models.forecasting.xgboost.XGBModel":[[132,2,1,"","backtest"],[132,4,1,"","considers_static_covariates"],[132,4,1,"","extreme_lags"],[132,2,1,"","fit"],[132,2,1,"","generate_fit_encodings"],[132,2,1,"","generate_fit_predict_encodings"],[132,2,1,"","generate_predict_encodings"],[132,2,1,"","get_multioutput_estimator"],[132,2,1,"","gridsearch"],[132,2,1,"","historical_forecasts"],[132,4,1,"","lagged_feature_names"],[132,2,1,"","load"],[132,4,1,"","min_train_samples"],[132,4,1,"","model_params"],[132,4,1,"","num_parameters"],[132,4,1,"","output_chunk_length"],[132,2,1,"","predict"],[132,2,1,"","residuals"],[132,2,1,"","save"],[132,4,1,"","supports_future_covariates"],[132,4,1,"","supports_likelihood_parameter_prediction"],[132,4,1,"","supports_multivariate"],[132,4,1,"","supports_optimized_historical_forecasts"],[132,4,1,"","supports_past_covariates"],[132,4,1,"","supports_static_covariates"],[132,4,1,"","supports_transferrable_series_prediction"],[132,4,1,"","uses_future_covariates"],[132,4,1,"","uses_past_covariates"],[132,4,1,"","uses_static_covariates"]],"darts.models.utils":[[133,1,1,"","NotImportedModule"]],"darts.models.utils.NotImportedModule":[[133,3,1,"","usable"]],"darts.timeseries":[[134,1,1,"","TimeSeries"],[134,5,1,"","concatenate"]],"darts.timeseries.TimeSeries":[[134,2,1,"","add_datetime_attribute"],[134,2,1,"","add_holidays"],[134,2,1,"","all_values"],[134,2,1,"","append"],[134,2,1,"","append_values"],[134,2,1,"","astype"],[134,4,1,"","bottom_level_components"],[134,4,1,"","bottom_level_series"],[134,4,1,"","columns"],[134,4,1,"","components"],[134,2,1,"","concatenate"],[134,2,1,"","copy"],[134,2,1,"","cumsum"],[134,2,1,"","data_array"],[134,2,1,"","diff"],[134,2,1,"","drop_after"],[134,2,1,"","drop_before"],[134,2,1,"","drop_columns"],[134,4,1,"","dtype"],[134,4,1,"","duration"],[134,2,1,"","end_time"],[134,2,1,"","first_value"],[134,2,1,"","first_values"],[134,4,1,"","freq"],[134,4,1,"","freq_str"],[134,2,1,"","from_csv"],[134,2,1,"","from_dataframe"],[134,2,1,"","from_group_dataframe"],[134,2,1,"","from_json"],[134,2,1,"","from_pickle"],[134,2,1,"","from_series"],[134,2,1,"","from_times_and_values"],[134,2,1,"","from_values"],[134,2,1,"","from_xarray"],[134,2,1,"","gaps"],[134,2,1,"","get_index_at_point"],[134,2,1,"","get_timestamp_at_point"],[134,4,1,"","has_datetime_index"],[134,4,1,"","has_hierarchy"],[134,4,1,"","has_range_index"],[134,2,1,"","has_same_time_as"],[134,4,1,"","has_static_covariates"],[134,2,1,"","head"],[134,4,1,"","hierarchy"],[134,4,1,"","is_deterministic"],[134,4,1,"","is_probabilistic"],[134,4,1,"","is_stochastic"],[134,4,1,"","is_univariate"],[134,2,1,"","is_within_range"],[134,2,1,"","kurtosis"],[134,2,1,"","last_value"],[134,2,1,"","last_values"],[134,2,1,"","longest_contiguous_slice"],[134,2,1,"","map"],[134,2,1,"","max"],[134,2,1,"","mean"],[134,2,1,"","median"],[134,2,1,"","min"],[134,4,1,"","n_components"],[134,4,1,"","n_samples"],[134,4,1,"","n_timesteps"],[134,2,1,"","pd_dataframe"],[134,2,1,"","pd_series"],[134,2,1,"","plot"],[134,2,1,"","prepend"],[134,2,1,"","prepend_values"],[134,2,1,"","quantile"],[134,2,1,"","quantile_df"],[134,2,1,"","quantile_timeseries"],[134,2,1,"","quantiles_df"],[134,2,1,"","random_component_values"],[134,2,1,"","resample"],[134,2,1,"","rescale_with_value"],[134,2,1,"","shift"],[134,2,1,"","skew"],[134,2,1,"","slice"],[134,2,1,"","slice_intersect"],[134,2,1,"","slice_n_points_after"],[134,2,1,"","slice_n_points_before"],[134,2,1,"","split_after"],[134,2,1,"","split_before"],[134,2,1,"","stack"],[134,2,1,"","start_time"],[134,4,1,"","static_covariates"],[134,2,1,"","static_covariates_values"],[134,2,1,"","std"],[134,2,1,"","strip"],[134,2,1,"","sum"],[134,2,1,"","tail"],[134,4,1,"","time_dim"],[134,4,1,"","time_index"],[134,2,1,"","to_csv"],[134,2,1,"","to_json"],[134,2,1,"","to_pickle"],[134,4,1,"","top_level_component"],[134,4,1,"","top_level_series"],[134,2,1,"","univariate_component"],[134,2,1,"","univariate_values"],[134,2,1,"","values"],[134,2,1,"","var"],[134,4,1,"","width"],[134,2,1,"","window_transform"],[134,2,1,"","with_columns_renamed"],[134,2,1,"","with_hierarchy"],[134,2,1,"","with_static_covariates"],[134,2,1,"","with_values"]],"darts.utils":[[136,0,0,"-","callbacks"],[137,0,0,"-","data"],[145,0,0,"-","historical_forecasts"],[149,0,0,"-","likelihood_models"],[150,0,0,"-","losses"],[151,0,0,"-","missing_values"],[152,0,0,"-","model_selection"],[153,0,0,"-","multioutput"],[154,0,0,"-","statistics"],[155,0,0,"-","timeseries_generation"],[156,0,0,"-","torch"],[157,0,0,"-","utils"]],"darts.utils.callbacks":[[136,1,1,"","TFMProgressBar"]],"darts.utils.callbacks.TFMProgressBar":[[136,3,1,"","BAR_FORMAT"],[136,2,1,"","disable"],[136,2,1,"","enable"],[136,2,1,"","get_metrics"],[136,2,1,"","has_dataloader_changed"],[136,2,1,"","init_predict_tqdm"],[136,2,1,"","init_sanity_tqdm"],[136,2,1,"","init_test_tqdm"],[136,2,1,"","init_train_tqdm"],[136,2,1,"","init_validation_tqdm"],[136,4,1,"","is_disabled"],[136,4,1,"","is_enabled"],[136,2,1,"","load_state_dict"],[136,2,1,"","on_after_backward"],[136,2,1,"","on_before_backward"],[136,2,1,"","on_before_optimizer_step"],[136,2,1,"","on_before_zero_grad"],[136,2,1,"","on_exception"],[136,2,1,"","on_fit_end"],[136,2,1,"","on_fit_start"],[136,2,1,"","on_load_checkpoint"],[136,2,1,"","on_predict_batch_end"],[136,2,1,"","on_predict_batch_start"],[136,2,1,"","on_predict_end"],[136,2,1,"","on_predict_epoch_end"],[136,2,1,"","on_predict_epoch_start"],[136,2,1,"","on_predict_start"],[136,2,1,"","on_sanity_check_end"],[136,2,1,"","on_sanity_check_start"],[136,2,1,"","on_save_checkpoint"],[136,2,1,"","on_test_batch_end"],[136,2,1,"","on_test_batch_start"],[136,2,1,"","on_test_end"],[136,2,1,"","on_test_epoch_end"],[136,2,1,"","on_test_epoch_start"],[136,2,1,"","on_test_start"],[136,2,1,"","on_train_batch_end"],[136,2,1,"","on_train_batch_start"],[136,2,1,"","on_train_end"],[136,2,1,"","on_train_epoch_end"],[136,2,1,"","on_train_epoch_start"],[136,2,1,"","on_train_start"],[136,2,1,"","on_validation_batch_end"],[136,2,1,"","on_validation_batch_start"],[136,2,1,"","on_validation_end"],[136,2,1,"","on_validation_epoch_end"],[136,2,1,"","on_validation_epoch_start"],[136,2,1,"","on_validation_start"],[136,4,1,"","predict_description"],[136,4,1,"","predict_progress_bar"],[136,2,1,"","print"],[136,4,1,"","process_position"],[136,4,1,"","refresh_rate"],[136,2,1,"","reset_dataloader_idx_tracker"],[136,4,1,"","sanity_check_description"],[136,2,1,"","setup"],[136,2,1,"","state_dict"],[136,4,1,"","state_key"],[136,2,1,"","teardown"],[136,4,1,"","test_description"],[136,4,1,"","test_progress_bar"],[136,4,1,"","total_predict_batches_current_dataloader"],[136,4,1,"","total_test_batches_current_dataloader"],[136,4,1,"","total_train_batches"],[136,4,1,"","total_val_batches"],[136,4,1,"","total_val_batches_current_dataloader"],[136,4,1,"","train_description"],[136,4,1,"","train_progress_bar"],[136,4,1,"","trainer"],[136,4,1,"","val_progress_bar"],[136,4,1,"","validation_description"]],"darts.utils.data":[[138,0,0,"-","horizon_based_dataset"],[139,0,0,"-","inference_dataset"],[140,0,0,"-","sequential_dataset"],[141,0,0,"-","shifted_dataset"],[142,0,0,"-","tabularization"],[143,0,0,"-","training_dataset"],[144,0,0,"-","utils"]],"darts.utils.data.horizon_based_dataset":[[138,1,1,"","HorizonBasedDataset"]],"darts.utils.data.inference_dataset":[[139,1,1,"","DualCovariatesInferenceDataset"],[139,1,1,"","FutureCovariatesInferenceDataset"],[139,1,1,"","GenericInferenceDataset"],[139,1,1,"","InferenceDataset"],[139,1,1,"","MixedCovariatesInferenceDataset"],[139,1,1,"","PastCovariatesInferenceDataset"],[139,1,1,"","SplitCovariatesInferenceDataset"]],"darts.utils.data.inference_dataset.GenericInferenceDataset":[[139,2,1,"","find_list_index"]],"darts.utils.data.sequential_dataset":[[140,1,1,"","DualCovariatesSequentialDataset"],[140,1,1,"","FutureCovariatesSequentialDataset"],[140,1,1,"","MixedCovariatesSequentialDataset"],[140,1,1,"","PastCovariatesSequentialDataset"],[140,1,1,"","SplitCovariatesSequentialDataset"]],"darts.utils.data.shifted_dataset":[[141,1,1,"","DualCovariatesShiftedDataset"],[141,1,1,"","FutureCovariatesShiftedDataset"],[141,1,1,"","GenericShiftedDataset"],[141,1,1,"","MixedCovariatesShiftedDataset"],[141,1,1,"","PastCovariatesShiftedDataset"],[141,1,1,"","SplitCovariatesShiftedDataset"]],"darts.utils.data.tabularization":[[142,5,1,"","add_static_covariates_to_lagged_data"],[142,5,1,"","create_lagged_component_names"],[142,5,1,"","create_lagged_data"],[142,5,1,"","create_lagged_prediction_data"],[142,5,1,"","create_lagged_training_data"],[142,5,1,"","get_shared_times"],[142,5,1,"","get_shared_times_bounds"],[142,5,1,"","strided_moving_window"]],"darts.utils.data.training_dataset":[[143,1,1,"","DualCovariatesTrainingDataset"],[143,1,1,"","FutureCovariatesTrainingDataset"],[143,1,1,"","MixedCovariatesTrainingDataset"],[143,1,1,"","PastCovariatesTrainingDataset"],[143,1,1,"","SplitCovariatesTrainingDataset"],[143,1,1,"","TrainingDataset"]],"darts.utils.data.utils":[[144,1,1,"","CovariateType"]],"darts.utils.data.utils.CovariateType":[[144,3,1,"","FUTURE"],[144,3,1,"","FUTURE_PAST"],[144,3,1,"","HISTORIC_FUTURE"],[144,3,1,"","NONE"],[144,3,1,"","PAST"]],"darts.utils.historical_forecasts":[[146,0,0,"-","optimized_historical_forecasts_regression"],[147,0,0,"-","optimized_historical_forecasts_torch"],[148,0,0,"-","utils"]],"darts.utils.likelihood_models":[[149,1,1,"","BernoulliLikelihood"],[149,1,1,"","BetaLikelihood"],[149,1,1,"","CauchyLikelihood"],[149,1,1,"","ContinuousBernoulliLikelihood"],[149,1,1,"","DirichletLikelihood"],[149,1,1,"","ExponentialLikelihood"],[149,1,1,"","GammaLikelihood"],[149,1,1,"","GaussianLikelihood"],[149,1,1,"","GeometricLikelihood"],[149,1,1,"","GumbelLikelihood"],[149,1,1,"","HalfNormalLikelihood"],[149,1,1,"","LaplaceLikelihood"],[149,1,1,"","Likelihood"],[149,1,1,"","LogNormalLikelihood"],[149,1,1,"","NegativeBinomialLikelihood"],[149,1,1,"","PoissonLikelihood"],[149,1,1,"","QuantileRegression"],[149,1,1,"","WeibullLikelihood"]],"darts.utils.likelihood_models.BernoulliLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.BetaLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.CauchyLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.ContinuousBernoulliLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.DirichletLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.ExponentialLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.GammaLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.GaussianLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.GeometricLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.GumbelLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.HalfNormalLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.LaplaceLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.Likelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.LogNormalLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.NegativeBinomialLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.PoissonLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.QuantileRegression":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.likelihood_models.WeibullLikelihood":[[149,2,1,"","compute_loss"],[149,2,1,"","likelihood_components_names"],[149,4,1,"","num_parameters"],[149,2,1,"","predict_likelihood_parameters"],[149,2,1,"","sample"],[149,2,1,"","simplified_name"]],"darts.utils.losses":[[150,1,1,"","MAELoss"],[150,1,1,"","MapeLoss"],[150,1,1,"","SmapeLoss"]],"darts.utils.losses.MAELoss":[[150,3,1,"","T_destination"],[150,2,1,"","add_module"],[150,2,1,"","apply"],[150,2,1,"","bfloat16"],[150,2,1,"","buffers"],[150,3,1,"","call_super_init"],[150,2,1,"","children"],[150,2,1,"","compile"],[150,2,1,"","cpu"],[150,2,1,"","cuda"],[150,2,1,"","double"],[150,3,1,"","dump_patches"],[150,2,1,"","eval"],[150,2,1,"","extra_repr"],[150,2,1,"","float"],[150,2,1,"","forward"],[150,2,1,"","get_buffer"],[150,2,1,"","get_extra_state"],[150,2,1,"","get_parameter"],[150,2,1,"","get_submodule"],[150,2,1,"","half"],[150,2,1,"","ipu"],[150,2,1,"","load_state_dict"],[150,2,1,"","modules"],[150,2,1,"","named_buffers"],[150,2,1,"","named_children"],[150,2,1,"","named_modules"],[150,2,1,"","named_parameters"],[150,2,1,"","parameters"],[150,2,1,"","register_backward_hook"],[150,2,1,"","register_buffer"],[150,2,1,"","register_forward_hook"],[150,2,1,"","register_forward_pre_hook"],[150,2,1,"","register_full_backward_hook"],[150,2,1,"","register_full_backward_pre_hook"],[150,2,1,"","register_load_state_dict_post_hook"],[150,2,1,"","register_module"],[150,2,1,"","register_parameter"],[150,2,1,"","register_state_dict_pre_hook"],[150,2,1,"","requires_grad_"],[150,2,1,"","set_extra_state"],[150,2,1,"","share_memory"],[150,2,1,"","state_dict"],[150,2,1,"","to"],[150,2,1,"","to_empty"],[150,2,1,"","train"],[150,3,1,"","training"],[150,2,1,"","type"],[150,2,1,"","xpu"],[150,2,1,"","zero_grad"]],"darts.utils.losses.MapeLoss":[[150,3,1,"","T_destination"],[150,2,1,"","add_module"],[150,2,1,"","apply"],[150,2,1,"","bfloat16"],[150,2,1,"","buffers"],[150,3,1,"","call_super_init"],[150,2,1,"","children"],[150,2,1,"","compile"],[150,2,1,"","cpu"],[150,2,1,"","cuda"],[150,2,1,"","double"],[150,3,1,"","dump_patches"],[150,2,1,"","eval"],[150,2,1,"","extra_repr"],[150,2,1,"","float"],[150,2,1,"","forward"],[150,2,1,"","get_buffer"],[150,2,1,"","get_extra_state"],[150,2,1,"","get_parameter"],[150,2,1,"","get_submodule"],[150,2,1,"","half"],[150,2,1,"","ipu"],[150,2,1,"","load_state_dict"],[150,2,1,"","modules"],[150,2,1,"","named_buffers"],[150,2,1,"","named_children"],[150,2,1,"","named_modules"],[150,2,1,"","named_parameters"],[150,2,1,"","parameters"],[150,2,1,"","register_backward_hook"],[150,2,1,"","register_buffer"],[150,2,1,"","register_forward_hook"],[150,2,1,"","register_forward_pre_hook"],[150,2,1,"","register_full_backward_hook"],[150,2,1,"","register_full_backward_pre_hook"],[150,2,1,"","register_load_state_dict_post_hook"],[150,2,1,"","register_module"],[150,2,1,"","register_parameter"],[150,2,1,"","register_state_dict_pre_hook"],[150,2,1,"","requires_grad_"],[150,2,1,"","set_extra_state"],[150,2,1,"","share_memory"],[150,2,1,"","state_dict"],[150,2,1,"","to"],[150,2,1,"","to_empty"],[150,2,1,"","train"],[150,3,1,"","training"],[150,2,1,"","type"],[150,2,1,"","xpu"],[150,2,1,"","zero_grad"]],"darts.utils.losses.SmapeLoss":[[150,3,1,"","T_destination"],[150,2,1,"","add_module"],[150,2,1,"","apply"],[150,2,1,"","bfloat16"],[150,2,1,"","buffers"],[150,3,1,"","call_super_init"],[150,2,1,"","children"],[150,2,1,"","compile"],[150,2,1,"","cpu"],[150,2,1,"","cuda"],[150,2,1,"","double"],[150,3,1,"","dump_patches"],[150,2,1,"","eval"],[150,2,1,"","extra_repr"],[150,2,1,"","float"],[150,2,1,"","forward"],[150,2,1,"","get_buffer"],[150,2,1,"","get_extra_state"],[150,2,1,"","get_parameter"],[150,2,1,"","get_submodule"],[150,2,1,"","half"],[150,2,1,"","ipu"],[150,2,1,"","load_state_dict"],[150,2,1,"","modules"],[150,2,1,"","named_buffers"],[150,2,1,"","named_children"],[150,2,1,"","named_modules"],[150,2,1,"","named_parameters"],[150,2,1,"","parameters"],[150,2,1,"","register_backward_hook"],[150,2,1,"","register_buffer"],[150,2,1,"","register_forward_hook"],[150,2,1,"","register_forward_pre_hook"],[150,2,1,"","register_full_backward_hook"],[150,2,1,"","register_full_backward_pre_hook"],[150,2,1,"","register_load_state_dict_post_hook"],[150,2,1,"","register_module"],[150,2,1,"","register_parameter"],[150,2,1,"","register_state_dict_pre_hook"],[150,2,1,"","requires_grad_"],[150,2,1,"","set_extra_state"],[150,2,1,"","share_memory"],[150,2,1,"","state_dict"],[150,2,1,"","to"],[150,2,1,"","to_empty"],[150,2,1,"","train"],[150,3,1,"","training"],[150,2,1,"","type"],[150,2,1,"","xpu"],[150,2,1,"","zero_grad"]],"darts.utils.missing_values":[[151,5,1,"","extract_subseries"],[151,5,1,"","fill_missing_values"],[151,5,1,"","missing_values_ratio"]],"darts.utils.model_selection":[[152,5,1,"","train_test_split"]],"darts.utils.multioutput":[[153,1,1,"","MultiOutputRegressor"]],"darts.utils.multioutput.MultiOutputRegressor":[[153,2,1,"","fit"],[153,2,1,"","get_metadata_routing"],[153,2,1,"","get_params"],[153,2,1,"","partial_fit"],[153,2,1,"","predict"],[153,2,1,"","score"],[153,2,1,"","set_fit_request"],[153,2,1,"","set_params"],[153,2,1,"","set_partial_fit_request"],[153,2,1,"","set_score_request"]],"darts.utils.statistics":[[154,5,1,"","check_seasonality"],[154,5,1,"","extract_trend_and_seasonality"],[154,5,1,"","granger_causality_tests"],[154,5,1,"","plot_acf"],[154,5,1,"","plot_hist"],[154,5,1,"","plot_pacf"],[154,5,1,"","plot_residuals_analysis"],[154,5,1,"","remove_from_series"],[154,5,1,"","remove_seasonality"],[154,5,1,"","remove_trend"],[154,5,1,"","stationarity_test_adf"],[154,5,1,"","stationarity_test_kpss"],[154,5,1,"","stationarity_tests"]],"darts.utils.timeseries_generation":[[155,5,1,"","autoregressive_timeseries"],[155,5,1,"","constant_timeseries"],[155,5,1,"","datetime_attribute_timeseries"],[155,5,1,"","gaussian_timeseries"],[155,5,1,"","generate_index"],[155,5,1,"","holidays_timeseries"],[155,5,1,"","linear_timeseries"],[155,5,1,"","random_walk_timeseries"],[155,5,1,"","sine_timeseries"]],"darts.utils.torch":[[156,1,1,"","MonteCarloDropout"],[156,5,1,"","random_method"]],"darts.utils.torch.MonteCarloDropout":[[156,3,1,"","T_destination"],[156,2,1,"","add_module"],[156,2,1,"","apply"],[156,2,1,"","bfloat16"],[156,2,1,"","buffers"],[156,3,1,"","call_super_init"],[156,2,1,"","children"],[156,2,1,"","compile"],[156,2,1,"","cpu"],[156,2,1,"","cuda"],[156,2,1,"","double"],[156,3,1,"","dump_patches"],[156,2,1,"","eval"],[156,2,1,"","extra_repr"],[156,2,1,"","float"],[156,2,1,"","forward"],[156,2,1,"","get_buffer"],[156,2,1,"","get_extra_state"],[156,2,1,"","get_parameter"],[156,2,1,"","get_submodule"],[156,2,1,"","half"],[156,3,1,"","inplace"],[156,2,1,"","ipu"],[156,2,1,"","load_state_dict"],[156,3,1,"","mc_dropout_enabled"],[156,2,1,"","modules"],[156,2,1,"","named_buffers"],[156,2,1,"","named_children"],[156,2,1,"","named_modules"],[156,2,1,"","named_parameters"],[156,3,1,"","p"],[156,2,1,"","parameters"],[156,2,1,"","register_backward_hook"],[156,2,1,"","register_buffer"],[156,2,1,"","register_forward_hook"],[156,2,1,"","register_forward_pre_hook"],[156,2,1,"","register_full_backward_hook"],[156,2,1,"","register_full_backward_pre_hook"],[156,2,1,"","register_load_state_dict_post_hook"],[156,2,1,"","register_module"],[156,2,1,"","register_parameter"],[156,2,1,"","register_state_dict_pre_hook"],[156,2,1,"","requires_grad_"],[156,2,1,"","set_extra_state"],[156,2,1,"","share_memory"],[156,2,1,"","state_dict"],[156,2,1,"","to"],[156,2,1,"","to_empty"],[156,2,1,"","train"],[156,3,1,"","training"],[156,2,1,"","type"],[156,2,1,"","xpu"],[156,2,1,"","zero_grad"]],"darts.utils.utils":[[157,1,1,"","ModelMode"],[157,1,1,"","SeasonalityMode"],[157,1,1,"","TrendMode"],[157,5,1,"","drop_after_index"],[157,5,1,"","drop_before_index"],[157,5,1,"","get_single_series"],[157,5,1,"","retain_period_common_to_all"],[157,5,1,"","seq2series"],[157,5,1,"","series2seq"],[157,5,1,"","slice_index"]],"darts.utils.utils.ModelMode":[[157,3,1,"","ADDITIVE"],[157,3,1,"","MULTIPLICATIVE"],[157,3,1,"","NONE"]],"darts.utils.utils.SeasonalityMode":[[157,3,1,"","ADDITIVE"],[157,3,1,"","MULTIPLICATIVE"],[157,3,1,"","NONE"]],"darts.utils.utils.TrendMode":[[157,3,1,"","EXPONENTIAL"],[157,3,1,"","LINEAR"]],darts:[[23,0,0,"-","ad"],[51,0,0,"-","dataprocessing"],[73,0,0,"-","datasets"],[75,0,0,"-","explainability"],[81,0,0,"-","metrics"],[83,0,0,"-","models"],[134,0,0,"-","timeseries"],[135,0,0,"-","utils"]]},objnames:{"0":["py","module","Python module"],"1":["py","class","Python class"],"2":["py","method","Python method"],"3":["py","attribute","Python attribute"],"4":["py","property","Python property"],"5":["py","function","Python function"],"6":["py","exception","Python exception"]},objtypes:{"0":"py:module","1":"py:class","2":"py:method","3":"py:attribute","4":"py:property","5":"py:function","6":"py:exception"},terms:{"0":[0,2,3,5,6,7,8,9,10,11,12,13,14,17,18,19,20,21,25,26,27,28,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,58,59,61,62,64,65,66,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,142,149,150,152,153,154,155,156,157,158,159,161,163,164,165,166,167],"00":[15,16,73,134,155,159,163,164],"000":[15,53],"0008841998396117885":18,"0008842":18,"001":[9,10,14,15,18,159,165,167],"002":164,"00285":164,"00325481":112,"003476":15,"0038491197353":4,"004":164,"0046":7,"004819":15,"005325414282057739":21,"00597806":119,"00872598":131,"00874069":131,"01":[3,4,9,14,16,18,21,61,62,63,64,65,67,69,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,154,155,159,163],"01166578":131,"0120":7,"0126":7,"01271":124,"01368849":159,"01625545":125,"01829086":118,"01837606837607":13,"01923077":3,"01_12":163,"01_12_00_00":[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],"02":[2,3,9,10,16,61,62,63,64,65,67,69,73,134,159,163,165],"02142":156,"02264":20,"025":12,"02523252":118,"0261":7,"0273":7,"02887":15,"02928407":125,"03":[15,16,18,63,67,159],"03417969":120,"03605769":3,"03751671":123,"03762":130,"039188":16,"04":[67,73],"04110":9,"042527":16,"04297":20,"04397":10,"04749318":62,"05":[0,9,10,14,17,20,21,50,61,62,63,64,65,69,87,99,102,110,111,112,118,124,125,128,130,134,154,158,159,163,165,167],"050242":16,"05202":[85,125,130],"05465":115,"05769231":3,"06":[63,99,102,110,111,112,118,124,125,128,130],"06414202":125,"06463942":119,"06505":115,"06625381":102,"06675142":127,"06769d701c1d9c9acb9a66f2f9d7a6c7":132,"06863863":125,"06938775510204":15,"07":[4,18,67,73],"07436":73,"07502":20,"07718156729165897":18,"0772":18,"07892911":96,"08":[73,87,99,102,110,111,112,118,124,125,128,130],"08337201":128,"08424":[19,128],"08653846":3,"08962991":127,"09":[2,167],"09168":149,"09229632":119,"09363":125,"09583093":111,"096098":16,"097101":16,"097573":15,"09781534":110,"0980105":159,"09871431":121,"0995766932270916":4,"0_comp_1_target":142,"0_comp_2_target":142,"0_fut_cov_lag_0":[77,78],"0_past_cov_lag":[77,78],"0d":53,"0e":53,"0j":53,"0th":159,"0x1":53,"0x100":53,"0x103d1a710":2,"0x166b2eca0":12,"0x166c993a0":12,"0x166db4a00":12,"0x176bcc790":6,"0x2233":53,"0x288b5d720":6,"0x2a9c067a0":10,"0x2a9ef6470":10,"0x2acf4d4e0":10,"0x2af20d5d0":2,"0x2af748f10":2,"0x2b00e2a40":6,"0x2b3386350":9,"0x2b3d98fd0":8,"0x2b3fc0790":8,"0x2b56bb640":2,"0x2b56bb9d0":2,"0x2b69cb9d0":2,"0x2b6abd4b0":2,"0x2b6ba5540":2,"0x2bc3c3970":6,"0x2bc722440":6,"0x2c0581de0":9,"0x2c1c97a00":9,"0x3322":53,"0x7f800691edc0":5,"0x7f80095963d0":5,"0x7f92e0d64c70":14,"0x7fc581075190":11,"0x7fc58144a950":11,"0x7fc594431ed0":11,"0x7fc75901cb10":164,"0x7ff1b5e4d4d0":164,"0x7ff2fc1fc200":53,"0x7ff2fc1fce60":53,"0x7ff2fc1ff320":53,"0x7ff5e3826c10":3,"0x7ff5e3bcc790":3,"0x7ff5e3dd1ac0":3,"0x7ff5e3fbb280":3,"1":[0,2,3,5,6,7,8,9,10,11,13,14,17,18,19,20,21,25,26,27,28,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,149,150,151,152,153,154,155,156,158,159,161,162,163,164,165,166,167],"10":[2,3,4,5,6,7,8,9,10,11,13,14,15,16,17,18,19,20,21,49,53,66,68,71,73,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,154,159,163,164,165,167],"100":[0,2,5,6,8,10,12,14,15,18,20,66,73,82,85,86,87,89,99,100,102,108,109,110,111,112,113,115,117,118,124,125,126,128,130,132,150,154,156,158,159,163,164,165],"1000":[0,5,11,18,66,142,158,165],"10000":[0,3,11,158],"1000x":15,"1002":120,"1005":[109,117,128,132],"1006":[100,108,115],"1008":128,"1013":110,"10138":20,"1017":128,"102":15,"1024":[15,18,167],"10295":115,"10437":[8,138],"10520391":96,"10568429":114,"106":[100,102,108,109,112,115,117,118,125,128,132],"10790392":128,"108":13,"10900k":167,"10m":15,"10th":[5,134],"11":[2,3,4,5,6,7,8,9,13,14,15,16,17,19,20,21,53,159],"110375":16,"11057692":3,"112":67,"11286509":96,"115":[13,167],"1150":[85,86,87,89,150,156],"116":5,"117":167,"11716811":114,"1177":[0,158],"118":67,"11817462":121,"11846185":131,"11885377506043901":21,"1194":17,"12":[2,3,4,5,6,7,8,9,11,12,13,14,15,16,17,19,20,21,53,58,59,63,73,78,79,96,97,98,99,100,102,107,108,109,110,111,112,115,116,117,118,119,120,121,122,123,124,125,128,130,132,134,138,139,140,141,154,159,161,163,165,167],"120":5,"12017":20,"120197":16,"1207":17,"121":[13,67],"123":53,"123046875":21,"124":[0,158],"125":[5,7,167],"1275":17,"128":[7,113,128,165],"1284":53,"1288":17,"12886":111,"12892167797527437":21,"129":67,"13":[2,3,4,5,6,7,8,9,13,14,15,16,17,18,20,21,53,73,159,167],"13090":53,"131":13,"13154426":112,"132":67,"13277921":118,"1344":53,"135":67,"13504":[73,102,112],"136":[15,67],"138":13,"138122":16,"138183":16,"138631":16,"1399":15,"14":[2,3,4,5,6,7,8,13,14,15,16,17,18,20,21,53,63,73,113,159,164],"140":2,"144":7,"14674087":131,"148":67,"14_09_53_32_torch_model_run_44607":[99,102,110,111,112,118,124,125,128,130],"15":[2,3,4,5,6,7,8,11,13,14,15,16,17,18,19,20,21,53,73,134,159,161,167],"150":[0,11,15,16,18,158],"1506":156,"15071":20,"154":15,"158970":16,"15t":134,"16":[2,3,4,5,6,7,9,13,14,15,16,17,18,20,21,53,85,86,87,89,113,125,128,150,156,159,164,165],"16145791":131,"16352":16,"166":159,"16604194":98,"16666667":98,"1667":4,"1667634":128,"168":[2,3],"17":[2,3,4,6,13,14,15,16,17,18,20,21,53,159,164],"1704":9,"1706":130,"1716k":15,"173":15,"17325":115,"174":13,"1747k":15,"1749":[5,73],"17791019":118,"1798":53,"18":[2,3,6,13,14,15,16,17,18,20,53,99,102,110,111,112,118,124,125,128,130,159],"180":13,"1800":73,"1803":124,"188":17,"18881119":98,"189":17,"18922903":118,"19":[2,3,6,14,15,16,17,18,53,159,165],"19010018398568":5,"1905":[8,138],"1906":10,"1912":125,"1913":[85,86,87,89,150,156],"1914":[85,86,87,89,150,156],"192":17,"19401001":[5,6,7],"1948":159,"1949":[62,63,67,73],"1950":[58,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,159],"1953089418552":4,"19551201":4,"1956":73,"1957":[165,167],"19571201":14,"1958":159,"19580":21,"19580101":159,"19580801":6,"1959":[5,7],"19590101":[5,7,164],"1960":73,"1962":[3,73,159],"19623":21,"1965":73,"19650033":125,"196582":16,"19697244":99,"1973":3,"1975":[3,73],"198":17,"1980":73,"1981":73,"1983":73,"19850701":4,"1989":154,"1990":[73,166],"1991":[73,154],"1992":[116,154],"1994":[73,154],"1997":73,"1998":154,"1_comp_1_":142,"1_comp_2_":142,"1_past_cov_lag":[77,78],"1_t":82,"1d":53,"1e":[5,7,9,10,14,15,18,19,87,99,102,110,111,112,113,118,124,125,128,130,134,164,165],"1e0":66,"1e1":66,"1e2":66,"1e3":66,"1h":[2,134],"1j":53,"1l":[85,86,87,89,113,150,156],"1s":167,"2":[0,2,3,5,6,7,8,9,10,11,12,13,14,17,18,19,20,21,53,54,55,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,142,150,153,154,155,156,158,159,161,163,164,165,166,167],"20":[2,3,4,5,6,7,9,10,11,13,14,15,16,17,18,21,53,102,105,112,116,118,124,128,130,142,154,159,161,164],"200":[2,7,11,12,13,14,15,19,21,82,85,86,87,89,113,115,150,156,159],"2000":[15,61,64,65,69,73,155,166],"2001":15,"2002":[15,85,125,130],"2003":73,"2004":[14,73,150],"2005":101,"2008":73,"201":15,"2010":[15,154],"20100101":14,"2011":101,"2012":73,"2013":134,"2014":73,"2015":73,"2016":73,"2017":[4,21,130],"20170901":[6,8,9,10],"2018":[21,73],"2019":[15,21,87],"2020":[15,16,73,85,87,125,126,130,134],"20200101233000":134,"2021":[73,99,102,110,111,112,118,124,125,126,128,130],"2022":[0,15,16,73,87,102,112,158],"2023":165,"20418":21,"208":159,"2080":167,"20913462":3,"20957388":102,"20gb":18,"20l":[85,86,87,89,113,150,156],"21":[0,2,3,14,15,16,18,21,53,73,99,101,158,159,164],"214":101,"2142k":15,"21563229":62,"21607546":100,"218":13,"22":[2,3,14,15,18,21,53,63,73,159,167],"2201":111,"2203":149,"2205":[73,102,112],"22074":120,"220885":121,"22224366":98,"223":13,"22355514":100,"224":53,"22497681":99,"22618932":104,"22936898":122,"23":[0,2,13,14,15,21,53,73,134,153,158,159,167],"2304":[19,128],"2312":53,"23152974":98,"23201079":111,"2324":[85,86,87,89,150,156],"2325":[85,86,87,89,150,156],"2354389":111,"23675":115,"23776224":98,"2382":[85,86,87,89,150,156],"24":[2,13,14,15,18,20,21,58,73,114,118,134,154,159,163,165,167],"240":[5,7],"24050364":116,"241":116,"24147138":125,"24283838":104,"24334385":116,"245":15,"24759615":3,"25":[0,2,10,14,15,18,21,59,61,65,69,73,99,102,113,114,118,152,158,159,163],"250":[6,16,18,20],"252":13,"25202285131778":15,"256":[2,19,53,110],"25780816":125,"258":13,"259":116,"26":[2,5,7,14,15,159],"262":73,"26720705":105,"2682070257112743":21,"26891239":114,"26993332":97,"27":[2,13,14,15,73,159,167],"27121314":97,"2765364":62,"27869295":99,"27991":167,"28":[2,15,73,113,159,167],"280":98,"28005229":97,"28050":167,"282":167,"2820":7,"2826":53,"282807":16,"282935127615929":159,"283":167,"28318784":125,"28424783":99,"285":167,"28614154":100,"28886231":127,"289051":16,"28955078":120,"29":[15,17,159],"2941917142812893":4,"296":73,"29805":115,"29856017":123,"29861111":98,"2987822":125,"299":164,"2_comp_1_":142,"2_comp_2_":142,"2_past_cov_lag":[77,78],"2_t":82,"2d":[53,61,62,63,64,65,66,67,68,69,70,71,72],"2f":[2,3,5,7,14,17,18,159],"2m":15,"3":[0,2,3,5,6,7,8,9,10,11,12,13,14,17,18,19,20,21,32,53,59,61,63,64,65,66,67,68,69,71,73,77,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,138,142,143,150,153,154,156,158,159,163,164,165,166,167],"30":[2,8,9,10,13,15,18,53,73,110,134,159,163],"300":[5,9,10,14,15,164],"30092923516797":15,"302734375":21,"303":101,"30397":15,"30609727":122,"30625563":122,"30647185":107,"30872957":100,"309":17,"30t":134,"31":[15,21,73,159,167],"31180633":97,"312":17,"31305075":104,"314":[101,159],"315":17,"31519186":104,"3195560563281926":21,"31962608":53,"32":[5,7,10,14,15,53,87,99,102,110,111,112,113,118,124,125,128,130,159,165],"323":53,"3243":17,"3294":17,"33":[13,15,85,86,87,89,113,150,156,159],"332":17,"3340":53,"337489093281":4,"34":[7,13,15,159],"34039307":120,"3420":[85,86,87,89,150,156],"34615385":3,"35":[2,13,15,17,159],"350":18,"350149072706699":159,"35210616":112,"35256055":116,"36":[0,2,3,5,6,7,14,15,73,78,158,159,163,165],"360":11,"360166":125,"36111111":98,"36489334":96,"365":[6,114,167],"36561899":130,"368725":16,"36937856":127,"37":[15,73,159],"370":[2,18,73],"373275454432286":21,"3741":[85,86,87,89,150,156],"37621876784175745":21,"37965429":110,"38":[15,17,159,167],"3854":53,"38584654":121,"3869697":116,"39":[2,3,6,7,8,9,10,14,15,17,20,21,159,164,167],"391":98,"3949283":127,"39550065":108,"39769555":127,"39992814":118,"3_comp_1_target":142,"3_comp_2_target":142,"3f":15,"3m":15,"3rd":16,"3s":167,"4":[0,2,3,4,5,6,7,8,9,10,11,12,13,14,17,18,19,20,21,53,59,61,64,65,66,67,68,69,71,73,77,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,143,154,158,159,162,163,164,165,167],"40":[13,15,16,53,159,167],"400":[9,10,15,159,163],"40323676":121,"40498034":130,"40680728":107,"4079":17,"40817901":98,"40867163":125,"41":[15,124,159,167],"41161602":98,"41209025":111,"4141":17,"415":[119,121],"4153701":100,"416":[96,97],"4168":17,"417":98,"41736301779747":159,"418":104,"41826923":3,"419":98,"41907237":100,"42":[5,7,8,11,12,14,15,16,18,19,99,102,110,111,112,118,124,125,128,130,159,164,165],"42090089":107,"42215052":123,"4233k":15,"424526892430279":4,"42657343":98,"427":112,"428":112,"429":[112,120],"4294967296":53,"43":[15,17,18,159],"431":98,"432":122,"433":127,"434":[98,127],"436":98,"4368":53,"438":98,"439":[98,123],"44":[15,159,167],"440":[98,107],"441":121,"442":[122,127],"44242919":131,"443":[96,98,127],"4443":[85,86,87,89,150,156],"445":[97,98,104],"448":[121,123],"44874":20,"449":97,"45":[0,15,134,158,159,167],"450":119,"451":96,"453":[98,120],"454":[98,119],"455":98,"46":[15,159,167],"460":164,"461":[98,101,107],"462":98,"464":116,"465":[98,104],"467":114,"46803":20,"468651":16,"47":[15,131,159],"47087":15,"471":105,"472":[98,114],"47230467":114,"474":107,"47503662":120,"47552448":98,"47620885":98,"4770514":104,"47896667":124,"48":[2,15,21,53,73,114,131,159,167],"480":[53,127],"481":[96,127,164],"481005":15,"482":122,"483":98,"48476824":124,"485":[97,98],"486":119,"48695488":130,"487":122,"488":120,"4882":53,"49":[73,131,159],"491":121,"493":[114,121,123],"49312172":122,"494":[104,105,107,114,116,127],"495":[122,127],"496":116,"497":114,"498":123,"49it":164,"4d":[85,86,87,89,150,156],"4m":15,"4s":167,"4th":[16,20],"4theta":127,"5":[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,17,18,19,20,21,32,53,59,61,62,63,64,65,68,69,71,72,73,77,78,79,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,143,149,154,156,158,159,162,163,164,165,167],"50":[2,6,9,10,11,12,15,16,17,18,21,58,73,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,159,163,167],"500":[2,6,9,10,20,113,120,131,159,163,165,167],"5000":15,"50153984":96,"502":96,"503":98,"504":[105,119],"505":104,"507":[97,123],"50859694":125,"51":[18,131,159],"5102040816326543":159,"5112":[85,86,87,89,150,156],"5113":[85,86,87,89,150,156],"512":[7,8,111,130],"51218795":119,"513":53,"51425784":111,"515":105,"5150k":15,"5163k":15,"51801726":107,"519":120,"52":[131,159],"520":105,"52290556":108,"523":15,"525":15,"52541292":125,"528":107,"52it":164,"53":[131,159],"53180506":116,"535":98,"5364068635935895":21,"539":114,"5396":53,"54":[73,159],"541":15,"543":15,"544":116,"545":127,"54534585":127,"546":127,"54686113":114,"547":105,"549":121,"55":[13,159],"55179949":119,"5539":20,"555":[96,119,122],"557":116,"5593":[85,86,87,89,150,156],"56":[15,17,125,159],"561":[3,97],"56117169":112,"564":123,"5659999":105,"568":3,"56955721":114,"57":[159,167],"57201255":108,"573":104,"577":3,"57902659":122,"58":[2,159,167],"586":120,"58653846":3,"589":3,"59":[18,159,167],"590":107,"5910":53,"59404623":105,"599":3,"5e":[18,53,165],"5l":[85,86,87,89,113,150,156],"5s":167,"5th":[0,158,159],"6":[0,2,3,4,5,6,7,8,9,10,11,13,14,15,17,18,19,20,21,53,63,68,73,77,78,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,158,159,163,167],"60":[16,159],"6000":130,"6010":130,"604846":16,"606":101,"61":16,"6122":[85,86,87,89,150,156],"61353249":119,"61463773":127,"615":101,"61749":20,"61787454":97,"62":167,"63":167,"630":116,"63158655":130,"63334":20,"63461538":3,"63584309419007":5,"6381425":105,"63884831":108,"64":[7,14,73,113,125,130,165,167],"640":3,"64008":20,"643":4,"6436328":107,"64471436":120,"64871897":123,"65":[9,10,13,17,73,159,167],"650":20,"653":4,"65403772":109,"65417736":130,"6548696":109,"656":3,"656330":16,"65865385":3,"66":159,"66032082":110,"66339481":110,"665":102,"666":102,"667":102,"67":18,"67733306":102,"6846175":109,"688":18,"6899k":15,"69":17,"69213369":125,"6949k":15,"697":3,"69711538":3,"6s":167,"6th":159,"7":[2,3,4,5,6,7,8,9,10,12,13,14,15,16,17,18,19,20,21,53,62,68,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,167],"70":[159,167],"7016":20,"70180806":98,"70491":20,"70710678":53,"70ghz":167,"71":5,"71159051":117,"71328671":98,"7188093":125,"72":[17,159,167],"7200":18,"72035839":128,"720555851487694":18,"72085839":109,"722222":15,"7256909":127,"72626":132,"727":3,"72888401":98,"73":[5,167],"7322616":117,"73317308":3,"73340676":117,"73465028":123,"739264":16,"74":17,"7421875":21,"74381763":127,"7475":132,"75":[10,14,16,59,61,65,69,159,163],"75320573":102,"75753605":109,"76":18,"76074":132,"76158729":124,"76314504":117,"7649":15,"7650":15,"7666":101,"76854107":124,"76986848":102,"770":53,"771293":15,"77135603":124,"77252372":125,"776":17,"78":167,"781":17,"78166819":124,"78509085":110,"78610361":127,"787":159,"7878":132,"79323146":105,"797":3,"79716178":97,"799":[17,73],"79962158":120,"8":[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,39,53,62,63,68,73,97,125,158,159,163,164,165],"80":[9,10,16,17,18,124,159,167],"800":8,"80068173":127,"805":73,"805755244887":4,"80616883":130,"8063744":15,"80th":159,"81":159,"811":17,"813":53,"81490385":3,"817":3,"81830675":109,"81it":164,"820993":16,"82204348":117,"82269341":116,"82451923":3,"82463265":105,"827":3,"82837":20,"83076568":125,"8315":132,"837945":16,"83998586":108,"84":14,"84134615":3,"843":3,"84735157":62,"85":[14,17,159],"85142":20,"8529289":102,"85314633":131,"85376674":108,"858":3,"85885374":123,"862":73,"8682864837639":4,"87":[15,159],"8755":53,"87818":20,"88":159,"8843893":110,"88729152":131,"88972829":96,"88974472":121,"89":[14,17],"89100967":117,"892":[3,110],"8925":15,"896":3,"8s":167,"9":[2,3,4,5,6,7,8,9,10,13,14,15,16,17,19,20,21,53,63,68,126,134,159,163,164],"90":[12,13,14,159],"900x600":14,"903":3,"90537286":128,"90785391":121,"90th":134,"91311":20,"91356":15,"915":17,"91534452":128,"9185":132,"919":111,"921":110,"9212963":98,"92307692":3,"925":111,"929":110,"93264096":112,"937":3,"938":111,"939":111,"94":18,"94078295":122,"94272629":131,"944":4,"94512461":107,"95":[0,9,10,14,20,21,50,134,158,159,163],"950":110,"95104895":98,"95129261":104,"956":4,"95625528":111,"958":111,"9586113":125,"95th":[0,158,159],"96":[17,159],"966":3,"96757177":98,"97":13,"9707572":99,"976459":16,"976761":16,"97713346":131,"97979827":99,"98":17,"98214351":62,"987":111,"98781641":112,"99":[0,9,14,17,113,158,159,163],"99278846":3,"997":128,"998":128,"99804203":131,"999":[19,110],"99th":159,"9s":167,"abstract":[2,25,48,53,55,57,61,64,65,69,91,99,103,113,118,129,139,143,149],"boolean":[23,31,32,37,39,47,49,53,54,57,61,62,63,64,65,66,67,68,69,70,71,72,100,110,114,124,134,154,155],"break":[17,53,85,86,87,89,113,136,150,156],"byte":53,"case":[0,2,3,4,11,12,14,15,17,18,19,20,29,32,35,36,37,53,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,82,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,155,157,158,159,161,163,164,165,166,167],"catch":14,"class":[2,5,20,21,23,25,26,27,28,30,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,56,58,59,60,62,63,66,67,68,69,70,71,72,73,74,76,77,78,79,85,86,87,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,136,137,138,139,140,141,142,144,149,150,153,155,156,157,159,166,167],"d\u00e3":[0,158],"default":[2,3,4,7,13,14,15,16,19,21,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,149,150,151,152,153,154,155,156,159,163,164,167],"do":[2,3,4,13,14,15,16,17,18,20,21,25,48,53,58,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,142,159,161,162,163,166],"enum":[104,127,144,154,157],"export":[20,113,160],"final":[2,15,18,19,24,29,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,163,164,167],"float":[10,15,18,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,62,68,72,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,149,150,151,152,153,154,155,156,159,165,167],"fr\u00e3":[0,158],"function":[0,2,3,7,12,13,14,16,18,20,21,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,58,61,62,63,64,65,66,67,68,69,70,71,72,80,82,85,86,87,89,91,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,135,142,149,154,155,156,158,159,162,163,165,166,167],"ga\u00e3":[0,158],"ga\u00ebl":15,"import":[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,53,58,59,61,62,63,64,65,66,67,68,69,70,71,77,78,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,134,136,154,158,159,161,162,163,164,165,166,167],"int":[13,14,15,16,21,25,26,27,28,32,34,35,36,39,47,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,82,85,86,87,89,92,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,149,150,151,152,154,155,156,157],"ko\u00e5":[0,158],"l\u00e3":[0,158],"long":[2,3,14,15,18,21,53,99,102,110,111,112,118,124,125,128,130,134,138,140,141,161,167],"new":[0,1,2,3,5,7,8,13,14,15,16,17,19,20,21,37,53,54,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,79,85,86,87,89,93,94,96,99,102,107,110,111,112,113,118,124,125,128,130,131,134,150,151,153,154,155,156,157,158,159,162,164,166,167],"null":154,"public":[18,53,73],"return":[2,3,6,8,9,10,13,15,16,18,19,21,24,25,26,27,28,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,85,86,87,88,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,142,143,149,150,151,152,153,154,155,156,157,159,163,165,166],"short":[2,14,15,53,73,104,125,142],"static":[0,2,14,15,60,61,62,63,64,65,66,67,68,69,70,72,77,79,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,158,160,161],"super":[61,62,63,64,65,66,68,69,70,71,72,113,129,136,143],"switch":113,"throw":[85,86,87,89,113,150,156],"true":[2,3,5,6,7,8,9,10,12,13,14,15,18,19,20,21,25,26,27,28,31,32,34,35,36,37,39,46,47,49,50,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,79,80,82,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,134,136,138,139,140,141,142,150,153,154,155,156,159,163,164,165,167],"try":[2,4,5,6,12,14,18,21,99,102,110,111,112,118,123,124,125,128,130,131,140,141,142,162,165,166,167],"var":[53,85,86,87,89,113,134,150,156],"void":53,"while":[3,4,13,16,18,37,53,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,141,150,156,159],A:[0,1,5,8,11,19,21,23,31,32,37,39,47,49,53,54,55,57,58,59,62,63,66,67,68,69,70,71,72,73,74,76,78,79,80,85,86,87,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,140,141,142,150,151,153,154,155,156,157,158,166,167],AND:[24,85,87],AS:[85,87],And:[2,15,21,38,39,40,41,42,43,44,45,46,47,48,49,58,85,86,87,89,113,150,152,156,159],As:[2,3,9,14,15,16,17,18,19,20,21,37,53,159,164,167],At:[2,18,21,113,134,161,163,167],BE:[85,87],BUT:[85,87],Be:[20,134],But:[3,4,159,167],By:[2,16,21,39,47,48,49,53,71,72,78,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,155,159,164,167],FOR:[85,87],For:[0,2,4,5,8,12,13,14,15,16,17,18,21,31,32,33,39,47,49,53,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,79,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,142,149,150,153,154,156,158,159,161,162,163,165,166,167],IN:[85,87,114],IS:[85,87,154],If:[0,2,3,5,6,7,8,13,14,15,16,18,20,21,25,27,31,32,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,85,86,87,89,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,149,150,151,152,153,154,155,156,157,158,159,161,162,163,164,166,167],In:[0,2,3,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,31,32,35,36,37,49,53,58,61,62,63,64,65,66,67,68,69,70,71,72,77,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,155,156,158,159,160,161,162,163,164,166],Is:[130,162],It:[0,2,3,8,13,14,15,17,18,19,21,24,31,32,33,38,39,40,41,42,43,44,45,46,47,48,49,53,57,58,69,70,71,72,73,77,78,82,85,86,87,89,91,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,143,149,150,154,156,158,159,161,163,166,167],Its:[7,85,86,87,89,150,156],NO:[85,87],NOT:[85,87,98,103,113,154],No:[16,21,134,162],Not:[3,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159],OF:[73,85,87],OR:[24,85,87],Of:[2,130,167],On:[14,15,99,102,110,111,112,118,124,125,128,130,149,163],One:[17,21,31,32,53,58,78,79,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,140,141],Or:[15,66],Such:[15,159],THE:[85,87,126],TO:[85,87],That:[2,14,16,19,85,159,161,163,167],The:[0,2,4,7,8,9,11,12,13,14,15,16,18,19,20,21,24,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,143,149,150,151,152,153,154,155,156,157,158,159,160,161,162,163,164,165,166,167],Then:[2,7,13,21,53,59,77,78,159],There:[2,10,15,16,18,21,53,58,85,113,159,161,164,165],These:[0,2,12,16,17,23,49,53,57,69,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,143,150,156,158,159,163,167],To:[3,5,8,9,14,15,18,19,20,21,53,63,73,85,86,87,89,99,102,108,110,111,112,113,114,118,124,125,128,130,136,142,150,156,159,161,163,167],WITH:[85,87],Will:[18,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134],With:[2,15,16,21,57,99,102,110,111,112,118,124,125,128,130,134,163,167],_0:149,_:[27,47,57,58,67,77,78,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,149,154,163],__:153,__call__:[85,86,87,89,99,113,118,150,156],__getitem__:143,__init__:[21,61,62,63,64,65,66,67,68,69,70,71,72,99,106,113,118,136,142,167],__main__:[53,164,165],__name__:[164,165],__traceback__:74,_a:[61,65,69],_and_regressor:114,_array_interface_:53,_as_parameter_:53,_basebatstbatsmodel:123,_blockrnnmodul:99,_covari:[58,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,141,161,167],_ctype:53,_diff_seri:[39,47,49],_encod:[57,58],_encode_sequ:57,_explainabilityresult:77,_fabricoptim:113,_fill_missing_d:134,_fit_iter:[62,63,64,69,70],_fitted_param:[62,63,64,67,69,70,71],_forecastingmodelexplain:[76,77,78,79,80],_freq_to_dai:114,_get_batch_predict:113,_holiday_effect:114,_intern:53,_lag:[100,108,109,115,117,132,142],_lag_:[77,78,142],_lib:134,_likelihoodmixin:[21,100,108,109,132],_loss:113,_lrfinder:[99,102,110,111,112,118,124,125,128,130],_lrschedul:113,_model_encoder_set:[99,118],_my_fixed_param:[61,62,63,64,65,66,68,69,70,71,72],_my_param:[61,69],_n:134,_number_:117,_posit:[64,69],_produce_train_output:113,_random_inst:156,_rnnmodul:118,_scale:[64,69],_seri:142,_statcov_target_:[100,108,109,115,117,132,142],_t:[63,82,150],_target_comp0:142,_target_comp1:142,_window_adjustment_anomali:[25,26,27,28,50],_x:134,a_list:53,a_tolist:53,ab:[9,10,13,15,19,54,57,58,73,85,111,124,125,128,130,138,149],abbrevi:167,abc:[25,34,48,53,55,57,61,74,91,93,99,106,113,118,139,143,149],abcmeta:106,abil:[0,100,108,132,158],abl:[0,2,16,20,21,31,32,67,99,102,110,111,112,118,124,125,128,130,158,159,163,164],about:[2,5,12,14,15,16,17,18,19,21,53,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,142,149,156,159,160,161,162,163,164,166,167],abov:[2,3,11,13,15,17,18,20,21,35,36,53,58,73,85,86,87,89,113,126,150,151,155,156,159,164],abs_diff:[39,47,48,49],absenc:[31,32],absolut:[0,13,15,39,46,47,48,49,57,58,82,152,158,159,162],absolute_error:115,acc:113,acceler:[2,6,8,9,10,15,18,19,99,102,110,111,112,113,118,124,125,128,130,164,165,167],accept:[20,53,57,58,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,107,113,123,134,142,149,150,156,159,161,163,166,167],accept_transform:[57,58],access:[20,21,53,61,62,63,64,65,66,68,69,70,71,72,77,85,86,87,89,99,102,104,110,111,112,113,114,118,124,125,126,127,128,130,136,140,141,150,156,161,164,167],accommod:167,accompani:[23,37],accomplish:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],accord:[5,7,53,54,92,93,99,102,103,110,111,112,118,124,125,127,128,130,151,164],accordingli:[4,62,63,64,69,70,130,134],account:[0,2,3,11,14,114,131,134,158,159],accumul:113,accumulate_grad_batch:[113,136],accur:[15,18,19,20,32,87,99,102,110,111,112,113,124,125,128,130],accuraci:[2,13,15,16,17,18,20,21,25,26,27,28,31,32,33,34,35,36,50,54,82,101,113,159],acf:[82,154,159],acf_max_lag:154,achiev:[3,4,21,85,86,87,89,113,150,156,163,167],acknowledg:[0,158,162],acovf:154,across:[5,15,16,21,35,36,70,93,107,113,125,142,153,161,163,166],act:[53,71,91,100,108,109,115,117,132,142],action:[85,87],activ:[2,7,8,15,20,21,55,85,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163,167],actual:[0,2,3,4,5,6,7,8,9,10,11,13,14,15,18,20,21,23,29,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,69,79,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,157,158,159,163,167],actual_anomali:[25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50],actual_seri:[14,38,39,40,41,42,43,44,45,46,47,48,49,82],ad:[0,4,20,21,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,82,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,134,142,149,150,156,158,159,166],adam:[99,102,110,111,112,113,118,124,125,128,130,167],adapt:[11,15,82,130,134],add:[0,6,9,10,11,12,14,15,17,18,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,55,58,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,99,102,110,111,112,113,114,118,124,125,128,130,134,142,150,155,156,158,159,165,166,167],add_cyclic_encod:167,add_dataloader_idx:113,add_datetime_attribut:[134,159],add_encod:[14,16,18,21,58,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,165],add_histogram:113,add_holidai:[134,159],add_imag:113,add_length:[20,96,97,107,114,119,121,131,155],add_modul:[85,86,87,89,113,150,156],add_rang:55,add_relative_index:[14,125],add_season:114,add_static_covariates_to_lagged_data:142,addconst:154,addit:[0,2,8,14,15,16,20,21,31,32,39,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,85,86,87,89,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,135,150,154,156,158,159,161,162,163,166,167],addition:[6,14,53,54,61,62,63,64,65,66,67,68,69,70,71,72,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,142,167],adequ:31,adf:154,adful:154,adition:2,adjac:[134,155],adjust:[67,101,113,154],adopt:125,advanc:[2,5,15,20,21,87,100,108,109,115,117,130,132,140,141,159,160,161],advantag:[18,159,163],advic:20,advis:164,afect:[99,118],affect:[11,15,53,85,86,87,89,113,125,130,150,156,167],affin:87,afraid:15,after:[7,13,16,17,18,19,20,21,53,54,57,58,61,62,63,64,65,66,67,68,69,70,71,72,78,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,141,142,150,156,157,159,161,167],afterward:[85,86,87,150,156,159],ag:73,again:[2,4,13,14,15,18,53,67,98,103,116,159,163],against:[14,19,25,26,27,28,34,35,36,50,62,63,64,69,70,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156],aggreg:[0,14,15,17,23,25,50,79,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,158],agnost:[29,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,57],ago:[21,98,159],ahead:[7,9,10,142,159,167],ai:[85,164],aic:[123,154],aidan:130,aim:3,air:[73,159,164],air_cov:159,air_covari:2,air_month:2,air_rnn:[5,164],air_test:15,air_test_sc:15,air_train:15,air_train_covari:2,air_train_sc:15,air_transform:7,air_val_covari:2,air_year:2,airlin:159,airpasseng:[0,20,158],airpassengersdataset:[2,4,5,6,7,9,14,20,59,62,63,67,70,73,78,79,96,97,98,99,101,102,104,105,107,110,111,112,114,116,118,119,120,121,122,123,124,125,127,128,130,159,163,164,165,167],aka:142,al:[15,87,99,102,110,111,112,113,124,125,128,130,149,154],aleator:[100,163],algorithm:[4,11,13,15,39,47,49,53,54,93,107,108,113,127,159],alia:[53,67,85,86,87,89,113,134,150,153,155,156],alias:134,alig:13,align:[2,4,53,54,55,138,140,141,159],all:[0,1,2,3,4,5,6,8,9,10,13,14,15,16,17,18,19,20,21,26,34,35,36,37,39,47,48,49,50,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,82,85,86,87,89,91,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,134,136,138,139,140,141,142,143,149,150,151,152,153,154,155,156,157,158,159,161,163,164,166],all_air_seri:15,all_gath:113,all_param:106,all_past_covari:161,all_seri:18,all_series_fp32:18,all_target:161,all_valu:[64,69,125,134,166],alloc:[53,71],allow:[0,3,4,13,19,20,37,39,47,49,53,55,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,99,100,102,106,108,109,110,111,112,113,115,117,118,124,125,128,130,132,134,136,140,141,142,150,152,153,154,156,158,159,161,164,165,166,167],allow_filter_train:31,allow_model_train:[31,32],allow_zero_length_dataloader_with_multiple_devic:113,almost:[9,53,163],alon:[58,91],along:[31,32,53,61,62,63,64,65,66,67,68,69,70,71,72,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,152,155,159,166],alongsid:[61,69,85,86,87,89,113,150,156],alpha:[12,17,101,134,149,154,159],alpha_1:149,alpha_d:101,alpha_i:149,alpha_k:149,alpha_p:101,alreadi:[2,13,14,15,16,18,19,20,31,32,53,73,74,85,86,87,89,113,116,130,134,142,150,156,159,164,167],also:[0,1,2,3,4,5,9,11,13,14,15,16,17,18,19,20,21,29,31,32,53,58,61,62,63,64,65,66,68,69,70,71,72,77,78,79,82,85,86,87,89,93,96,97,98,99,101,102,103,107,110,111,112,113,114,116,117,118,119,121,123,124,125,128,130,131,134,139,142,149,150,153,154,156,158,159,161,162,163,164,165,166,167],alter:[53,113],altern:[39,47,49,53,71,87,113,114,134,142,155],although:[14,15,18,53,85,86,87,107,150,156,159],alwai:[15,18,19,53,67,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,153,156,159,161,162,167],always_cal:[85,86,87,89,113,150,156],amax:53,ambient:167,amin:53,among:[0,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,154,158],amount:[13,18,46,59,61,62,63,64,65,66,67,68,69,70,71,72,99,102,110,111,112,118,123,124,125,128,130,159,167],amp:113,amplitud:155,an:[0,1,2,3,5,6,7,8,9,10,11,12,13,14,18,19,20,21,24,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,78,79,80,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,140,141,142,144,149,150,152,153,154,155,156,157,158,159,161,162,163,164,165,166,167],analysi:[98,110,123,159,165],anaomli:23,anchor:67,and_aggreg:26,andaggreg:26,andrew:154,andrzej:[0,158],angl:15,ani:[0,2,11,14,15,16,18,19,20,21,23,28,29,31,32,37,46,48,53,55,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,149,150,151,155,156,158,159,161,164,165,166,167],anom_scor:[0,158],anomal:[19,26,28,36,37,39,47,49],anomali:[0,22,25,26,27,28,30,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,158],anomaly_model:[31,32,50],anomaly_scor:[34,35,36,50],anomalymodel:[31,32],anomalyscor:[31,32,48],anomoul:[34,35,36,50],anoth:[2,6,14,15,21,53,71,93,107,113,134,159,165,166,167],answer:162,any_seri:2,anymor:[2,19,159],anyon:[0,158],anyth:[77,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136],apart:[21,114],api:[0,1,11,15,17,21,37,53,58,114,134,155,158,159,163,166],appear:[0,17,53,134,158],append:[13,14,15,17,20,58,113,117,134,136,142,167],append_valu:134,appendix:1,appl:15,appli:[0,3,13,14,16,18,21,23,31,32,33,35,36,37,39,47,48,49,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,78,79,80,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,156,158,159,161,167],applic:[3,15,31,32,67,134,159,164],apply_component_mask:[61,62,63,64,65,66,67,68,69,70,71,72],apply_to_collect:113,appreci:[0,158],approach:[2,4,8,11,16,18,21,53,67,69,121,149,159,161,162,163],appropri:[12,17,31,32,53,78,98,99,102,103,110,111,112,118,123,124,125,128,130,149,162,167],approxim:[15,54,99,101,102,110,111,112,118,124,125,128,130,154,156,163],april:15,ar:[0,1,2,3,4,5,7,8,11,12,13,14,15,16,17,18,19,20,21,23,26,29,31,32,33,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,91,92,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,143,149,150,152,153,154,155,156,157,158,159,160,162,163,164,166,167],arang:[13,14,21,53,59,68,159],arbitrari:[2,16,20,53,113,134,159,161,163,166],arbitrarili:[53,153],architectur:[2,7,14,15,18,19,99,110,118,125,130,167],archiv:[53,73],area:[14,53,73,161],aren:142,arg1:113,arg2:113,arg3:113,arg:[14,25,34,53,61,62,63,64,65,66,67,68,69,70,71,72,74,85,86,87,89,98,106,113,120,122,134,136,150,156],argmax:[53,113],argmin:53,argpartit:53,argrelextrema:13,args_cost:54,args_lin:54,args_path:54,args_series1:54,args_series2:54,argsort:53,argument:[2,3,4,5,12,14,19,20,21,39,53,54,61,62,63,64,65,66,67,68,69,70,71,72,78,82,85,86,87,89,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,150,151,154,156,159,162,163,167],ari:101,arima:[0,4,15,95,97,119,154,158,159,161,163],arima_smap:15,arima_smapes_m3:15,arima_tim:15,arima_time_m3:15,aris:[85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],arithmet:[53,159],arma:[98,123],around:[0,3,12,15,18,21,27,31,32,47,49,53,85,96,97,99,102,104,110,111,112,113,114,115,117,118,123,124,125,128,130,131,134,142,149,154,158,159,162,164,166],arr:53,arr_t:53,arrai:[3,21,39,47,49,53,54,55,59,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,141,142,149,153,154,155,159,166,167],array_valu:[61,62,63,64,65,66,67,68,69,70,71,72],art:[8,21,130,162],articl:[2,18,122,163],arvix:[125,130],arxiv:[8,9,10,15,19,73,85,102,111,112,124,125,128,130,138,149,156],as_paramet:53,as_strid:[53,142],ashaschedul:165,ashish:130,ashx:73,asic:164,asid:[0,18,20,158,159],ask:[0,15,18,158,160],aspect:113,assert:16,assess:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],assign:[53,85,86,87,89,113,150,156],assimakopoulo:159,associ:[2,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,113,126,150,156],assum:[18,21,32,39,47,48,49,61,64,65,69,74,88,105,113,134,142,155,161,164,167],assumpt:[12,31,32,39,47,48,49,78,154,163],astronom:73,astyp:[6,7,8,9,10,14,15,18,53,134,159,164,165,167],asymmetr:102,asynchron:[85,86,87,89,150,156,165],asyncio:136,athanasopoulo:3,atmospher:[99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132],attach:[113,134],attempt:[4,12,18,53,78,111,128,161],attend:[14,125],attent:[7,14,18,77,79,125,128,130,167],attentd:14,attn:79,attribut:[2,4,5,6,9,10,14,20,21,37,38,39,40,41,42,43,44,45,46,47,48,49,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,74,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,149,150,155,156,159,161,166],attributedict:113,attributeerror:[53,85,86,87,89,113,150,156],auc:[29,37],auc_pr:[31,32,38,39,40,41,42,43,44,45,46,47,48,49,50],auc_roc:[31,32,38,39,40,41,42,43,44,45,46,47,48,49,50],aug:73,augment:[73,113,154],august:73,ausbeer:73,ausbeerdataset:[19,73],australia:73,australian:[1,19,73],australiantourismdataset:[17,73],author:[0,15,85,87,158],auto:[2,4,6,9,10,14,15,19,20,21,68,82,97,98,99,100,102,103,108,109,110,111,112,113,115,116,117,118,119,120,122,124,125,128,130,132,142,151,154,159,161,165,167],auto_arima:97,auto_select_gpu:[18,99,102,110,111,112,118,124,125,128,130,164],autoarima:[0,4,95,119,158,159,161],autoarima_arg:[97,119],autoarima_kwarg:[97,119],autoc:120,autoces_arg:120,autoces_kwarg:120,autoet:121,autoets_arg:121,autoets_kwarg:121,autograd:[85,86,87,89,113,150,156],autolag:154,autom:167,automat:[2,4,6,16,58,61,62,63,64,65,66,67,68,69,70,71,72,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,154,159,163,164,165],automatic_optim:113,automaticargsmodel:113,autonom:58,autonotebook:21,autoregress:[9,96,131,155],autoregressive_integrated_moving_averag:96,autoregressive_timeseri:155,autoreload:[3,4,5,7,9,11,12,13,14,16,19,20,21],autotheta:122,autotheta_arg:122,autotheta_kwarg:122,avail:[1,2,3,8,14,15,17,18,20,53,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,80,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,152,153,155,156,159,163,164,165,167],averag:[3,11,13,14,15,17,20,21,53,69,82,85,86,87,89,90,96,98,102,113,116,131,150,154,156,159,161,167],average_error:159,avgpool1d:111,avoid:[2,5,7,14,19,53,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156,159,164,165,167],awai:142,awar:[18,113,134,149,152,165],awesom:162,ax:[2,6,9,10,13,14,15,19,20,21,53,56,79,99,102,110,111,112,118,124,125,128,130,134,138,140,141,142,154,163,166,167],axi:[2,9,10,13,14,15,17,51,53,54,55,61,62,63,64,65,66,67,68,69,70,71,72,79,87,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,152,154,155,159,161,166,167],axis1:53,axis2:53,ay:134,azz:121,b:[16,53,55,57,61,65,69,71,134,149,161,166],b_1:85,b_2:85,babai:101,back:[2,3,20,53,54,61,62,63,64,65,66,67,68,69,70,71,72,80,82,99,102,110,111,112,113,118,124,125,128,130,134,159,166,167],backbon:[99,118],backfil:[72,134],background:[14,77,78,79,80],background_future_covari:[78,79],background_num_sampl:78,background_past_covari:[78,79],background_seri:[78,79],backpropag:19,backtest:[0,6,7,9,10,20,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,158],backtest_en:[6,9,10],backtest_futcov:2,backtest_hist_fct:20,backtest_model:20,backtest_pastcov:2,backtest_seri:[5,7,14],backtest_series_ic:14,backtest_sp:6,backward:[53,67,85,86,87,89,100,113,117,134,136,150,156,167],backward_pr:[85,86,87,89,113,150,156],bad:[4,113,162],bader:[0,158],bai:73,balanc:18,band:13,bangladesh:114,bar:[2,3,6,8,9,10,13,16,19,78,82,113,136],bar_format:136,bare:159,barebon:21,bartlett:154,bartlett_confint:154,base:[0,2,3,5,13,15,18,19,20,25,26,27,28,30,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,53,54,55,56,58,59,60,62,63,66,67,68,69,70,71,72,73,74,76,77,78,79,85,86,87,89,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,134,136,137,139,140,141,144,149,150,153,154,156,157,158,159,161,163,164,165,166,167],base_component_nam:[57,58],base_data_transform:[61,64,65,66,68,69,72],basedatatransform:[59,61,62,63,64,65,66,67,68,69,70,71,72],basedetector:47,baseexcept:74,baselin:[0,16,18,95,158,159,161],basesianridg:21,basetyp:53,basi:[110,134,155],basic:[3,21,29,114,159,165,167],bat:[0,95,158,159,161,163],batch:[2,19,89,99,102,110,111,112,113,118,124,125,128,130,136,149,163],batch_idx:[113,136],batch_siz:[2,5,7,8,9,10,14,15,18,19,99,102,110,111,112,113,118,124,125,128,130,149,164,165],batchnorm:[85,86,87,89,113,150,156],bayes_ridge_model:159,bayesian:[18,21,99,102,110,111,112,118,124,125,128,130,149,156,159,163],bayesianridg:[21,159],bbox_to_anchor:15,bd:114,bear:12,beat:[0,2,73,95,111,138,158,162],becaus:[2,4,12,14,15,18,21,53,118,119,121,130,131,142,143,152,153,154,159,161,164,167],becom:[2,13,18,53,134],bee:2,been:[1,2,15,17,19,21,31,32,39,47,48,49,57,58,62,63,64,67,69,70,71,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,159,167],beer:[19,73],befor:[0,2,3,4,8,12,14,15,16,17,18,19,20,21,32,39,47,48,49,53,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,142,150,155,156,157,158,159,162,167],beforehand:166,began:16,begin:[2,9,10,13,20,53,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,167],behav:[37,39,47,49,53],behavior:[4,9,11,21,53,85,86,87,89,91,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156,167],behaviour:[13,53,113],behind:[53,117,149,159,161,163,166],being:[0,11,15,19,20,31,32,39,47,49,53,57,61,62,63,64,65,66,67,68,69,70,71,72,78,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,150,156,158,159,163],beitner:126,belief:[149,159],believ:15,belong:[50,113,134,140,141],below:[0,2,4,15,16,17,18,20,21,35,36,53,54,57,58,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156,158,159,161,163,165,167],benchmark:[19,98],benefici:163,benefit:[20,58,61,62,63,64,65,66,68,69,70,71,72,113,159,164],benheddi:[0,158],bernoulli:149,bernoulli_distribut:149,bernoullilikelihood:149,besid:18,best:[2,5,6,7,8,9,10,13,15,17,19,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,153,159,161,162,165,167],best_config:165,best_loss:[99,102,110,111,112,118,124,125,128,130],best_map:159,best_model:[5,7,18,167],best_model_sp:7,best_pr:18,best_preds_test:18,best_theta:159,best_theta_model:159,best_trial:[18,165],best_valu:[18,165],beta:149,beta_distribut:149,beta_nl:[9,10,149],betalikelihood:[149,159],better:[2,3,4,11,13,15,16,18,20,21,102,111,123,125,128,130,134,159,167],between:[2,3,13,15,18,21,29,33,35,37,38,39,40,41,42,43,44,45,46,47,48,49,53,54,55,58,61,64,65,69,70,71,73,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,142,149,150,152,155,156,157,159,163,165,167],bewar:53,beyond:[33,35,36,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,164],bfill:[72,134],bfloat16:[85,86,87,89,113,150,156],bgc:73,bia:[20,85,86,87,89,113,150,154,156],biao:87,bias1:85,bias2:85,bias:159,bias_gat:85,bibtex:[0,158],bic:154,big:[15,53,100,108,109,115,117,132,140,141,143,167],bigger:[1,6],bigger_s:13,bilinear:[86,125,130],bin:[15,16,154,159],binari:[0,23,24,25,26,27,28,29,33,34,35,36,50,53,114,134,155,158,159],binary_anom:[0,158],binary_pred_anomali:50,binaryio:[96,97,98,100,101,103,104,105,107,108,109,114,115,116,117,119,120,121,122,123,127,131,132],binomi:149,bit:[21,53,159],black:12,blindli:15,blob:[108,114,126],block:[2,5,53,93,95,110,111,118,128,142],block_denom_grad:150,block_rnn_model:[5,99],blockrnn:[2,99],blockrnn_test:2,blockrnnmodel:[0,2,5,9,95,99,118,158,161],blog:[0,158],blood:166,blue:[4,11,12,15,17,21,159],boilerpl:19,book:17,bool:[21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,79,80,82,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,150,152,153,154,155,156],boost:108,border:94,borrow:53,both:[0,3,5,11,14,15,16,17,18,19,20,21,39,47,49,53,55,57,58,61,69,71,72,73,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,138,140,141,142,150,154,156,158,159,161,163,164,165,167],bottl:73,bottleneck:[61,62,63,64,65,66,68,69,70,71,72,164],bottom:[2,17,69,134],bottom_level_compon:134,bottom_level_seri:134,bottomupreconcili:[17,69],bound:[35,36,50,85,86,87,89,92,99,100,102,108,109,110,111,112,113,115,117,118,124,125,128,130,132,134,139,140,141,142,150,156,167],boundari:[97,139,154],box:[15,18,20,21,60,113,123,159],box_cox_bound:123,boxcox:[0,58,62,158],boxcox_normmax:62,boylan:101,br:114,brazil:114,breakdown:[0,158],brief:[4,20],bring:[0,54,158],british:73,broadli:[161,167],broken:73,bt:15,bu:[17,73],buf:[85,86,87,89,113,150,156],buffer:[53,85,86,87,89,113,150,156],buffer_callback:163,bug:[0,53,158],build:[0,5,6,14,17,21,58,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,141,150,156,158,163,165],build_fit_tcn_model:18,built:[2,18,53,99,102,110,111,112,113,118,124,125,128,130,134,159,163],builtin:[53,72,134],bulk:18,bunch:[4,15],busi:[17,73],bx:134,bypass:[53,128],byteord:53,bytesio:53,byteswap:53,c:[0,13,16,17,21,53,55,57,71,73,85,87,96,111,131,134,154,158,159,161],c_contigu:53,c_doubl:53,c_int:53,c_intp:53,c_long:53,c_long_array_2:53,c_longlong:53,c_name:21,c_short:53,c_uint32:53,c_uint64:53,c_uint:53,c_ulong:53,c_val:21,c_void_p:53,ca:[53,73],cach:[74,113,136],calcul:[15,53,73,98,113,134,152,154,155],calendar:[18,21,123,159,163],calibr:37,california:73,call:[2,3,13,15,17,18,20,21,29,31,32,33,39,47,48,49,53,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,80,82,85,86,87,89,93,98,99,102,103,104,106,107,110,111,112,113,114,116,118,119,121,124,125,127,128,130,136,142,150,153,156,159,161,162,163,166,167],call_super_init:[85,86,87,89,113,150,156],callabl:[54,57,58,66,72,74,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156],callableindexencod:58,callback:[0,2,6,8,9,10,16,18,19,99,102,110,111,112,113,118,124,125,128,130,136,158,165],callback_metr:167,caller:[85,86,87,89,113,150,156],camila:[0,158],can:[0,2,3,4,5,6,7,8,9,11,12,13,14,15,16,17,18,19,20,21,23,24,29,33,37,39,47,49,50,53,54,55,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,140,141,142,143,149,150,152,153,154,155,156,157,158,159,161,162,163,164,165,166,167],canada:73,candid:[11,20,159],candidates_model:20,cannot:[20,21,37,53,63,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,152,159,162],canon:127,cap:114,capab:13,capabl:[0,158,161,163,164],capac:[114,163],capit:164,captur:[2,14,15,18,20,21,37,78,100,106,159,161,166],care:[3,18,20,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,113,150,156,163,167],carlo:[21,85,99,102,110,111,112,118,124,125,128,130,156,159,166],carrai:53,carri:[18,57,58,77,93,107,114],carrier:15,carrier_passeng:15,cast:[18,53,85,86,87,89,113,134,150,156,159,167],cat:[16,71],catageor:79,catboost:[21,95],catboost_model:[21,100],catboostmodel:[0,21,95,100,158,161],catboostregressor:[21,100],categor:[71,77,79,108,117,125,161],categori:[15,16,71,125,161],categorical_embedding_s:[14,16,125],categorical_future_covari:[108,117],categorical_past_covari:[108,117],categorical_static_covari:[108,117],cauchi:[37,149],cauchy_distribut:149,cauchylikelihood:149,cauchynllscor:40,caus:[20,53,134,149,154,162],causal:[89,154],caution:164,cavari:139,cdc:73,cdot:82,cdoubl:[85,86,87,89,150,156],ce:120,ceg:53,ceil:13,cell:[6,15,18,53,55,159],center:[14,72,73,87,94,134,149,159],centr:159,central:134,central_quantil:134,centroid:39,certain:[17,18,53,55,85,86,87,89,113,150,156,159,163],certainli:18,cet:[21,58,73,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132],cgdakqo1c0p:[99,102,110,111,112,113,124,125,128,130],ch:73,chain:59,challeng:5,challu:111,chanc:[113,136,138,167],chang:[0,7,11,12,15,16,18,53,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,153,156,158,164,167],changelog:162,channels_last:[85,86,87,89,150,156],character:2,characterist:[16,161],charg:[85,87,126],check:[0,5,14,17,20,21,39,47,48,49,50,53,58,80,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,136,142,150,152,153,154,156,158,159,161,167],check_component_nam:80,check_if_fit_cal:[39,47,48,49],check_input:142,check_season:[3,5,7,9,14,154,159],checkout:[97,118],checkpoint:[2,6,8,19,99,102,110,111,112,113,118,124,125,128,130,136,163],checkpoint_hyper_params_kei:113,checkpoint_hyper_params_nam:113,checkpoint_hyper_params_typ:113,checkpoint_path:113,checksum:[73,74],chen:[102,112,150],chiba:13,child:[17,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,113,150,156],children:[17,85,86,87,89,113,150,156],china:[73,114],choic:[5,15,18,21,53,154,161,165],choos:[15,53,113,167],chose:2,chosen:[4,6,70,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,154],christma:18,chronolog:78,chunk:[2,14,57,58,79,99,100,102,108,109,110,111,112,113,115,117,124,125,128,130,132,141,160,161,165],circuit:164,circumst:53,cisz:[0,158],citi:[17,73,161],city_label:17,ckpt:[99,102,110,111,112,113,118,124,125,128,130],claim:[85,87],classic:[0,15,20,101,158,162],classif:[0,23,33,158],classmethod:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134],clean:[0,158],clear:[13,53,85,86,87,89,113,131,136,150,156,166],clearli:4,client:[2,18,73,164],clip:[19,53,113],clip_gradi:113,clireport:165,clongdoubl:53,close:[2,3,10,11,12,13,15,21,53,54,72,113,134],closer:[4,18,130,159],closest:[39,53,149,157,167],closur:113,cloud:164,cluster:[37,39],cn:[114,131],co2:73,co:[0,11,58,134,155,158,159],code:[15,17,19,21,53,73,114,134,155,162,163,164,167],coef:155,coef_:[21,159],coef_nam:21,coef_valu:21,coeffici:[21,82,110,150,153,154,155,159],coefficient_of_vari:82,coeffs_dim:15,coincidentali:2,col:[14,15],col_nam:134,col_names_new:134,colab:[15,162,164],collaps:53,collat:71,collect:[0,73,98,113,136,158,159],collis:[99,102,110,111,112,118,124,125,128,130],color:[2,11,12,13,15,17],colormap:[21,54],cols_cat:71,cols_num:71,column:[0,14,15,16,17,21,53,55,58,61,62,63,64,65,66,67,68,69,70,71,72,73,114,125,134,142,151,155,158,163,166],column_index:55,column_length:55,column_nam:[16,155],column_rang:55,com:[15,62,63,69,73,108,114,120,121,122,123,126,127,132,142,150,164],combin:[0,12,18,20,21,23,24,37,57,58,59,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,158,159,163,165,167],combined_forecast:159,come:[2,3,17,18,21,24,37,53,73,99,100,102,108,110,111,112,118,124,125,128,130,132,138,140,141,165],command:[15,18,167],commensur:37,comment:14,common:[0,3,11,19,50,82,99,102,110,111,112,118,124,125,128,130,134,142,154,157,158,159],common_model_arg:19,commonli:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],commun:[113,162],comp0:142,comp0_:142,comp0_s0:134,comp0_s1:134,comp0_target_lag0:142,comp0_target_lag3:142,comp1:[16,71,142],comp1_:142,comp1_s0:134,comp1_s1:134,comp1_series_:16,comp1_target_lag0:142,comp1_target_lag3:142,comp2:[16,71],comp3:[16,71],comp:[21,72,100,108,109,115,117,132,134,142],comp_0:134,comp_1:134,comp_2:134,compani:[15,18],compar:[0,2,16,17,19,20,21,23,29,31,32,36,37,46,49,53,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,158,159,167],comparison:[5,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156,165],compat:[0,2,15,20,53,85,86,87,89,110,111,113,123,124,125,128,134,150,154,156,158,159,167],competit:[8,15,20,127,159],compil:[53,85,86,87,89,113,119,121,150,156],complain:[2,99,102,110,111,112,118,124,125,128,130],complet:[2,4,19,104,160,165,166,167],complex128:[53,85,86,87,89,150,156],complex:[6,7,13,15,18,21,53,85,86,87,89,120,123,150,156],complexseason:123,complexwarn:53,complic:53,compon:[0,2,3,5,8,9,11,14,15,16,18,24,25,26,27,28,35,36,39,46,47,49,50,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,80,82,85,86,87,88,89,96,98,100,102,104,108,109,112,114,115,117,118,123,125,128,132,134,142,149,153,154,155,158,159,163,166],component_:134,component_i_sample_1:[61,62,63,64,65,66,67,68,69,70,71,72],component_i_sample_2:[61,62,63,64,65,66,67,68,69,70,71,72],component_i_sample_n:[61,62,63,64,65,66,67,68,69,70,71,72],component_mask:[61,62,63,64,65,66,67,68,69,70,71,72],component_wis:[31,32,37,39,46,47,49],componentbasedexplainabilityresult:77,componentn:134,components_max:134,components_mean:134,components_median:134,components_min:134,components_sum:134,components_to_show:17,compos:[13,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,69,85,86,87,89,113,114,134,150,156,159],compress:[53,55],compris:142,compromis:15,comput:[0,2,3,5,7,13,14,15,17,18,19,21,31,32,35,37,38,39,40,41,42,43,44,45,46,47,48,49,58,62,63,69,70,72,73,78,79,82,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,142,149,150,151,154,155,156,158,163,167],computation:[13,21,163],compute_loss:149,comsumpt:2,con:18,concaten:[2,6,8,9,10,14,17,39,47,48,49,61,62,63,64,65,66,67,68,69,70,71,72,134,142,159,161,166,167],concentr:149,concept:18,concern:[73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],cond:82,conda:[0,158,159],condit:[16,19,53,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,140,141],condition_nam:114,confer:[15,87],confid:[0,12,18,20,134,154,158,159,166],confidence_low_quantil:134,config:165,configur:[1,8,59,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,163,167],configure_callback:113,configure_gradient_clip:113,configure_model:113,configure_optim:113,configure_sharded_model:113,configure_torch_metr:113,confirm:159,confus:[85,86,87,89,113,150,156],conj:53,conjug:53,connect:[2,5,85,87,99,110,111,125,128,130],consecut:[2,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,139,140,142,167],consequ:[5,64,69],consid:[8,13,14,15,16,18,19,20,34,35,36,37,39,47,49,50,54,55,58,61,62,63,64,65,66,67,68,69,70,71,72,78,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,150,151,154,156,157,159],consider:[9,20,21,117],considers_static_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],consist:[2,3,4,8,14,18,85,86,87,89,110,112,113,114,134,138,150,153,156,166,167],consol:21,const_init:[102,112],constant:[14,15,16,96,99,102,110,111,112,113,114,118,124,125,128,130,131,153,154,155,161],constant_timeseri:[9,10,155],constantli:[0,158,162],constitu:[98,103],constitut:[15,21,134],constrain:[13,54,159],constraint:[2,54,118,140,141],constrast:2,construct:[13,17,53,55,62,70,78,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,139,142,150,156,160],constructor:[3,4,12,64,69,99,102,110,111,112,118,124,125,128,130,136],consult:[159,162],consum:[0,2,15,17,18,21,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,142,158,159,161,163,166],consumpt:[21,73,167],cont:16,contact:162,contain:[0,1,2,3,4,11,13,14,15,16,17,18,20,31,32,33,38,40,41,42,43,44,45,46,48,50,53,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,82,85,86,87,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,136,138,139,140,141,142,143,149,150,153,154,155,156,157,158,159,161,163,164,165,166,167],contamin:[72,134],content:[53,113,160,164],context:[2,8,19,85,86,87,89,113,123,150,156,161,164,167],contigu:[15,53,55,134,142,151],continu:[2,9,10,15,16,19,20,73,125,149],continuous_bernoulli_distribut:149,continuousbernoullilikelihood:149,contract:[85,87],contrast:[2,154,159],contribut:162,contributor:[0,158,162],control:[2,11,13,53,55,58,73,93,96,97,98,99,100,101,102,104,105,107,108,109,110,111,112,114,115,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,159,167],conv2d:[85,86,87,89,113,150,156],conv4:[85,86,87,89,113,150,156],conv5:[85,86,87,89,113,150,156],conv:[85,86,87,89,113,150,156],conveni:[3,15,21,23,37,53,77,123,159,165],convent:[16,58,77,78,100,108,109,115,117,132,134,142,166],converg:[11,17,167],convergencewarn:17,convers:[53,58,61,62,63,64,65,66,67,68,69,70,71,72,73,142],convert:[9,14,15,21,53,58,67,71,73,85,86,87,89,113,134,150,154,155,156,162],converted_seri:14,convincingli:162,convolut:[0,2,18,95,158,159],cookbook:12,coordin:[3,59,61,62,63,64,65,66,68,69,134,166],copi:[20,21,53,57,59,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,93,107,113,126,134,150,156,164],copyright:[85,87,126],copyto:53,core:[3,15,18,21,23,37,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,159,164,167],correct:[53,58,64,69,99,102,110,111,112,113,118,124,125,128,130,154],correctli:[2,9,15,64,69,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,150,153,156],correl:[21,82,154,159,166],correspond:[2,3,15,35,36,37,39,47,49,53,54,55,57,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,154,155,156,157,159,161,166,167],corrupt:[12,113],cosin:[58,96,97,107,114,119,121,155],cost:[13,15,53,54,111,128,142,167],cost_cmap:54,cost_matrix:[53,54],costmatrix:[53,54],cough:73,could:[3,4,13,15,17,18,21,37,53,59,61,62,63,64,65,66,67,68,69,70,71,142,159,161],count:[13,15,53,101,113,149,154,159],counter:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,162],countri:[73,114,134,155,161],country_cod:[134,155],country_holidai:114,coupl:[18,21,100,159],cours:[2,18,20,130,159,165,167],cov0_:142,cov1_:142,cov:16,cov_heat_train:14,cov_heat_v:14,cov_train:[5,14],cov_val:[5,14],covari:[0,5,6,9,10,11,15,18,32,57,58,60,62,67,69,70,77,78,79,80,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,138,139,140,141,142,143,155,158,160,162,165],covariate_index_gener:57,covariate_typ:[139,141],covariates_heat:14,covariates_heat_transform:14,covariates_temp:[57,58],covariates_transform:14,covariatesindexgener:[57,58],covariatesmodel:167,covariatetyp:[139,141,144],covarit:16,cover:[2,20,53,55,57,167],coverag:6,cow:[2,3,73,159],cox:[60,123],cp37:164,cp37m:164,cpu:[2,3,6,8,9,10,15,18,85,86,87,89,99,102,110,111,112,113,118,123,124,125,128,130,150,156,160,165],cran:73,crash:53,cream:[73,167],creat:[0,5,6,7,9,12,13,15,16,18,19,20,21,39,47,53,58,59,61,62,63,64,65,66,67,68,69,70,71,72,79,82,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,155,156,158,160,161,163,164,165,167],create_lagged_component_nam:142,create_lagged_data:142,create_lagged_prediction_data:142,create_lagged_training_data:142,create_normal_sampl:88,create_studi:[18,165],creation:[3,14,16,21,53,57,58,79,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,140,141,159,161,167],crest:12,crit:154,criterion:[13,15,115,120,154,159,164],critic:[2,3,4,5,6,7,8,9,10,14,16,19,20,21,154],crop:105,croston:[0,95,158,161],crwindow:55,csv:[0,3,4,13,15,113,134,158,159],ct:[96,131,154],ctt:154,ctype:53,ctypeslib:53,cu111:164,cu:[57,58],cuda:[18,85,86,87,89,113,150,156,165,167],cuda_visible_devic:[18,164],cumprod:53,cumsum:[53,134],cumul:[53,134],cumulative_length:139,curios:20,curl:15,current:[0,5,7,14,15,17,18,53,55,58,72,78,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,156,158,159,163,164,165,167],current_epoch:113,curv:[12,16],curve_typ:16,custom:[0,14,19,57,58,66,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,136,149,150,156,158,159],custom_decod:130,custom_encod:130,custombatch:113,customblockrnnmodul:99,customfeedforwarddecoderlay:89,customfeedforwardencoderlay:89,customm:14,customregressionmodel:21,customrnnmodul:118,cut:[134,157],cutoff:14,cyc:[57,58],cycl:[104,114],cyclic:[14,18,21,57,58,79,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,134,155,159],cyclic_past:58,cyclicencod:58,cyclictemporalencod:58,d1:134,d1r1:134,d1r2:134,d2:134,d2r1:134,d2r2:134,d:[2,15,16,39,47,49,53,55,57,61,62,63,64,65,66,67,68,69,70,71,72,95,96,110,111,113,131,134,155,159,161,166],d_:85,d_ff:[85,86],d_model:[7,85,86,130],da:128,dai:[2,3,4,6,8,9,10,15,18,21,58,67,105,114,134,155,159,161,165,167],daili:[2,3,4,14,73,104,114,134,155,161,167],dailyaverag:3,dailyavg_forecast:3,dailyavg_train:3,dailyavg_v:3,damag:[85,87],damp:[104,123,159],dangl:113,dark:13,darkviolet:2,dart:[0,1,2,3,4,5,6,7,8,9,10,12,13,14,16,17,18,19,20,23,25,26,27,28,29,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,85,86,87,88,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,133,134,136,138,139,140,141,142,143,144,149,150,151,152,153,154,155,156,157,158,160,162,163,164,166,167],darts_enc_:[57,58],darts_enc_fc_cyc_month_co:14,darts_enc_fc_cyc_month_sin:14,darts_log:[99,102,110,111,112,118,124,125,128,130,167],dash:14,data:[0,5,6,7,8,9,10,11,13,20,22,32,35,37,39,47,49,53,54,57,58,59,62,63,66,68,69,70,71,72,73,78,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,143,144,152,153,154,158,160,161,162,163,164,165],data_a:53,data_arrai:[134,166],data_dt:15,data_sampl:67,data_split:113,dataarrai:[3,59,61,62,63,64,65,66,68,69,134,159,166],datafram:[0,15,17,19,67,68,71,72,77,114,134,151,158,159,162,166,167],dataload:[99,102,110,111,112,113,118,124,125,128,130,136,139,164,167],dataloader_idx:[113,136],datalod:164,datapoint:[3,152],dataprocess:[2,3,5,6,7,8,9,10,13,14,15,16,17,18,19,20,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,82,125,159,163,164,165,167],dataset:[0,1,2,3,4,5,7,8,9,10,11,13,14,18,19,20,22,54,57,58,59,62,63,67,70,74,78,79,96,97,98,99,100,101,102,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,135,152,158,159,163,164,165],dataset_load:[73,74],datasetload:74,datasetloadercsv:[73,74],datasetloadermetadata:74,datasetloadingexcept:[73,74],datatimeindex:[58,134,155],datatransform:1,datatyp:[53,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156],date:[13,15,16,67,73,99,102,110,111,112,118,124,125,128,130,134,155,162,167],date_rang:[5,13,15,16,134],dateoffset:[67,134,155],dateset:13,datetim:[14,15,57,58,134,155,159,166],datetime64:[3,61,62,63,64,65,67,69,134],datetime_attribut:[16,58,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,159,165],datetime_attribute_timeseri:[2,5,6,9,10,14,20,58,96,97,107,114,119,121,155,159],datetimeattributeencod:58,datetimeindex:[57,58,67,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,155,157,159,166],day_dur:18,day_of_week:58,day_of_year:58,day_seri:[6,9,10],dayofweek:[18,21,58,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,159],dayofyear:58,days_in:18,days_in_month:[3,14,134,159],days_out:18,dd_hh:163,dd_hh_mm_ss:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],dd_hh_mm_ss_torch_model_run_pid:[99,102,110,111,112,118,124,125,128,130],ddof:[53,134],ddp:[113,164],ddp_spawn:164,de:[12,73,127],deadlock:113,deal:[3,15,16,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132],dealloc:53,decai:11,decemb:73,decent:159,decid:[113,154],decim:53,decis:20,decod:[5,14,19,77,79,89,110,111,125,128,130],decoder_import:77,decoder_output_dim:128,decompos:[17,127,154],decomposit:[4,154],decor:[82,106,113,156],decreas:[16,17,19,20,99,102,110,111,112,118,124,125,128,130],dedic:[2,21,58,161,166,167],deduct:152,deep:[0,1,14,18,20,21,53,59,70,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,153,158,161,163,165,167],deepar:[0,9,158,159,161],deeper:2,deepspe:113,deeptcn:[0,124,158],def:[2,5,6,7,8,9,10,14,15,16,17,18,21,61,64,65,69,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,136,150,156,159,165,167],default_format:[134,154],default_lag:[21,108,109,115,117,132],defin:[2,14,15,18,20,21,39,47,49,53,57,58,61,62,63,64,65,66,68,69,70,71,72,73,78,85,86,87,89,91,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,150,153,154,156,159,163,165,166,167],definit:[15,78,79,125,134,142,151,161],degc:[100,102,108,109,112,115,117,118,125,128,132],degre:[85,86,87,89,105,110,113,134,150,154,156,159],delimit:[0,158],delta:134,demand:[18,73,101],demonstr:[3,4,13,17,18,20,21],denni:[0,158],denois:11,denomin:[150,154],denot:[2,82,117,134,142,161,167],dens:[19,53,95],densecostmatrix:53,densiti:154,depart:73,depend:[0,2,3,4,5,6,14,15,20,21,37,53,58,61,62,63,64,65,66,67,68,69,70,71,72,77,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,142,154,158,159,161,163,166,167],deprec:[17,53,85,86,87,89,113,150,156,163],depth:[21,53,115,159,160],deriv:[57,58,61,62,63,64,65,66,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,155],derive:58,descend:[85,86,87,89,113,150,156],describ:[10,29,53,57,58,73,77,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,141,159,163],descript:[19,53,73,79,164],descriptor:53,design:[8,13,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,113,125,130,150,156],desir:[4,13,21,53,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,154,155,156,159],despit:[13,53],destin:[85,86,87,89,113,150,156],detach:[85,86,87,89,113,150,156],detail:[0,2,8,17,20,37,53,61,62,63,64,65,66,67,68,69,70,71,72,82,85,86,87,89,99,102,108,110,111,112,113,114,118,124,125,128,130,142,150,156,158,159,160,161,167],detect:[0,18,22,24,29,31,32,33,34,35,36,37,39,47,48,49,99,102,105,110,111,112,118,124,125,128,130,158,165],detector:[0,23,24,34,50,158],deterior:20,determin:[5,14,15,16,19,32,53,54,55,69,82,99,102,110,111,112,113,118,124,125,126,128,130,153,154,159,163],determinist:[20,32,37,68,69,82,85,86,87,89,92,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,154,156,160,163],detrend:105,dev:154,devel:154,develop:[0,158,164,167],deviat:[13,31,32,53,134,149,155],devic:[85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,150,156,164,167],df3:[6,9,10],df3_day_avg:[6,9,10],df:[0,8,15,16,17,134,158],df_day_avg:8,df_m3:15,df_m4:15,df_meta:15,dft:[4,105],diag:[53,69],diagon:[53,55],diagram:[85,86,87,89,113,150,156],dickei:154,dict:[15,17,19,21,31,32,54,58,67,69,71,72,77,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,153,154,156],dictionari:[16,17,19,21,31,32,53,58,61,62,63,64,65,66,68,69,70,71,72,78,85,86,87,88,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,154,156,159,164,166],did:[18,99,102,110,111,112,118,124,125,128,130,159],didn:[2,15],diff:[13,39,47,49,63,134,159],diff_fn:[37,39,47,48,49],differ:[0,2,3,4,9,11,15,16,17,18,21,29,31,32,37,39,46,47,48,49,50,53,54,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,149,150,155,156,158,159,161,163,164,165,166,167],differenc:[0,60,82,134,158,159],difference_scor:38,differencescor:38,differenti:[2,96,131],dilat:[18,124],dilation_bas:[6,10,18,20,124,165],dim:[53,87,113],dim_feedforward:[7,130],dim_x:[11,15,20,93,107,159,163],dimens:[0,2,3,6,13,17,20,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,59,61,62,63,64,65,66,67,68,69,70,71,72,78,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,155,158,159,161,163,166,167],dimension:[2,7,15,35,36,53,93,99,100,102,107,108,109,110,112,115,117,118,125,128,132,134,142,149,166],direct:[18,53,73,85,86,87,89,96,97,98,99,100,101,102,104,105,107,108,109,110,111,112,113,114,115,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,150,154,156,163,165],directli:[1,2,14,16,18,20,32,37,53,58,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,159,163,167],directori:[99,102,110,111,112,118,124,125,128,130,167],dirichlet:149,dirichlet_distribut:149,dirichletlikelihood:149,disabl:[2,3,4,5,6,7,8,9,10,14,16,19,20,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,136,150,152,156],disaggr:17,disambigu:134,discard:[4,73,99,102,110,111,112,118,124,125,128,130,134],disclaim:[20,130],discourag:53,discret:[18,149,159],discuss:[0,73,142,158],diseas:73,disk:[73,74,167],displai:[14,15,54,78,100,134,136,154],display_forecast:8,dispos:17,disregard:153,distanc:[13,39,49,53,54],distant:37,distinct:[16,53,134,159],distinguish:[2,161,163,166,167],distort:13,distribut:[0,11,12,21,40,41,42,43,44,45,49,82,85,87,88,93,99,102,110,111,112,113,123,124,125,126,128,130,134,149,154,155,158,163,164,166,167],dive:2,diverg:[149,159,162,163],divers:20,divid:[3,73,113],divis:[134,150],divisor:134,dl:[8,19],dlinear:[0,102,158],dlinearmodel:[0,95,102,158,161],dload:15,dnav:73,doc:[14,15,16,21,46,58,67,85,86,87,89,113,114,123,134,142,150,155,156,159,164],docstr:[67,85,86,87,89,113,150,156],document:[14,15,17,18,21,37,53,61,62,65,69,70,72,85,86,87,89,93,97,99,102,104,108,110,111,112,113,118,119,120,121,122,123,124,125,126,128,130,134,149,150,151,156,160,162,163,164,167],doe:[11,13,14,15,18,20,21,53,61,62,63,64,65,66,67,68,69,70,71,72,77,78,98,99,102,103,110,111,112,116,118,121,124,125,128,130,131,134,142,149,159,164,167],doesn:[2,9,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,159,164],doi:120,domain:[4,149,159],domest:1,don:[2,3,4,6,14,15,17,21,98,99,100,102,103,108,109,110,111,112,113,115,116,117,124,125,128,130,132,134,136,142,161,162,167],done:[2,3,4,12,15,17,18,19,53,62,70,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,134,159,165],dot:[53,73,78],dotm:122,doubl:[2,13,73,85,86,87,89,113,150,154,156],down:[13,17,69,73,134,154],download:[15,18,73,74,113,164],download_data:113,downsampl:[67,111],downstream:80,dpi:15,dr:[114,160],dramat:164,drastic:[19,167],draw:[130,166],drawback:18,drawn:142,drift:[98,159],drift_forecast:159,drift_model:159,drop:[13,63,72,99,118,134,150,154,156,157],drop_aft:[13,134],drop_after_index:157,drop_befor:[8,134],drop_before_index:157,drop_column:134,drop_hierarchi:134,drop_prob:113,drop_static_covari:67,dropna:[15,63,72,134],dropout:[2,5,6,7,8,9,10,14,15,18,20,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,150,156,159,164,165],dst_type:[85,86,87,89,113,150,156],dstm:122,dt_attr:[20,159],dta:[57,58],dtw:[51,53,82],dtw_metric:[13,82],dtwalign:54,dtype:[9,17,53,67,85,86,87,89,99,113,118,134,150,155,156,159,167],dual:[118,123],dualcovari:143,dualcovariatesinferencedataset:139,dualcovariatessequentialdataset:140,dualcovariatesshifteddataset:141,dualcovariatestorchmodel:[99,102,110,111,112,118,124,125,128,129,130,143],dualcovariatestrainingdataset:[140,141,143],due:[2,4,15,18,21,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149],dumon:[0,158],dump:[53,96,97,98,100,101,103,104,105,107,108,109,113,114,115,116,117,119,120,121,122,123,127,131,132,163],dump_patch:[85,86,87,89,113,150,156],duplic:[85,86,87,89,113,150,156],durat:[0,2,15,21,37,72,73,134,158],durbin:154,dure:[1,2,3,14,15,16,18,19,20,21,33,37,39,47,49,57,58,62,63,64,69,70,92,96,97,98,99,101,102,103,107,110,111,112,113,114,116,118,119,121,124,125,128,130,131,139,149,152,161,163,165,167],dynam:[11,18,51,82,93,113,122,163,167],e:[0,2,3,4,5,6,7,12,14,15,17,18,20,21,23,37,50,53,58,61,62,63,64,65,66,68,69,70,71,72,74,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,140,141,142,149,150,152,153,154,155,156,158,159,161,162,163,164,166,167],each:[0,2,3,7,9,10,13,14,15,16,17,18,19,20,21,24,25,26,27,28,29,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,140,141,142,149,150,152,153,154,155,156,157,158,159,161,164,165,166,167],eagerli:58,ealier:2,earli:[18,19,99,102,110,111,112,118,124,125,128,130,165],earlier:[2,3,19,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],earliest:142,early_stop:[19,99,102,110,111,112,113,118,124,125,128,130],early_stop_threshold:[99,102,110,111,112,118,124,125,128,130],early_stopp:[18,165],early_stopping_arg:19,earlystop:[18,19,99,102,110,111,112,113,118,124,125,128,130,165,167],earth:3,eas:54,easi:[2,15,17,18,20,58,159],easier:[13,15,53,159],easili:[0,2,3,20,21,61,62,63,64,65,66,67,68,69,70,71,72,142,158,159],ecg:73,edit:20,edu:73,effect:[5,9,13,14,19,46,54,62,63,70,79,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,150,153,156],effici:[4,55,61,62,63,64,65,66,68,69,70,71,72,152,167],eg:[114,164],egypt:114,eia:73,eight:73,either:[3,4,16,17,18,21,23,31,32,35,36,37,53,54,58,61,62,63,64,65,66,67,68,69,70,71,72,73,79,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,149,150,152,154,155,156,157,159,161,162,166,167],elaps:[15,136],elapsed_tim:15,elapsed_times_2:15,elapsed_times_3:15,elapsed_times_4:15,electr:[1,2,21,73],electricityconsumptionzurichdataset:[21,73],electricitydataset:[2,18,73],electricityloaddiagrams20112014:73,elem:55,element:[13,20,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,63,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,154,157,159,167],elementwis:[3,38,46],elementwise_affin:87,elif:113,elimin:[13,67],els:[14,18,57,82,113,134,136,155,157,165],elsewher:[12,163],email:[0,158],emb:[16,17],embed:[7,16,85,125,126,161],embedding_s:16,emit:[29,33,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,138,139,140,141],empir:[69,126,163],emploi:[18,61,62,63,64,65,66,67,68,69,70,71,72],empti:[53,71,79,106,123],en:[39,46,47,49,67,93,99,102,110,111,112,113,115,118,124,125,128,130,131,134,149,150],enabl:[13,54,61,62,63,64,65,66,67,68,69,70,71,72,82,99,102,108,110,111,112,113,118,124,125,128,130,131,134,136,152,155,167],enable_graph:113,enable_metadata_rout:153,enable_optim:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],enable_prediction_bar:136,enable_progress_bar:[15,165],enable_sanity_check_bar:136,enable_train_bar:136,enable_train_bar_onli:[2,6,8,9,10,136],enable_validation_bar:136,encapsul:[3,153],encod:[5,6,9,10,12,14,18,20,21,51,71,77,79,80,89,95,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,130,131,132,134,155,165],encode_futur:58,encode_infer:[57,58],encode_past:58,encode_train:[57,58],encode_train_infer:[57,58],encode_year:[96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132],encoder_bas:[57,58],encoder_id:58,encoder_import:77,encoder_kw:58,encoder_map:58,encoding_n_compon:[57,58],end:[5,7,9,10,13,14,15,19,20,21,55,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,142,150,152,155,156,157,159,161,167],end_column0:55,end_dat:21,end_t:134,end_tim:[13,14,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142],end_valu:[3,9,10,64,69,155],endian:53,energi:[18,21,73,167],energydataset:[4,6,8,9,10,73,167],enforc:[72,80,85,86,87,89,99,100,102,106,108,109,110,111,112,113,115,117,118,124,125,128,130,132,134,142,150,156],engin:8,england:73,enhanc:134,enjoi:164,enlarg:53,enough:[2,15,53,99,100,102,108,109,110,111,112,113,115,117,118,124,125,128,130,132,138,140,141,161,163,167],ensembl:[0,24,95,98,103,115,158,161],ensemble_hist_fct:20,ensemble_model:[20,98,103,116,159],ensemble_probabilist:20,ensemble_sklearn_aggreg:27,ensemblemodel:[20,98,103,116,161],ensemblesklearnaggreg:27,ensur:[6,13,21,31,32,57,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,140,141,150,156,167],enter:113,entir:[2,14,15,21,39,47,49,53,55,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,161,167],entiti:166,entri:[0,6,53,85,86,87,89,110,111,113,134,150,155,156,158,159],enumer:[13,15,16,21,85,86,87,89,113,117,144,150,156,157,159],env:[17,85,86,87,89,150,156],environ:[0,15,113,158,159,161,164],ep:87,epistem:163,epoch:[2,9,15,19,99,102,110,111,112,113,118,124,125,128,130,136,159,163,164,167],epoch_mean:[113,136],epochs_train:[99,102,110,111,112,113,118,124,125,128,130],epsilon:87,equal:[16,31,32,39,47,49,50,53,55,57,58,61,63,64,65,69,78,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,153,155,159],equilibrium:11,equiv:53,equival:[0,53,63,85,86,87,89,113,127,149,150,156,158,161],error:[0,2,4,11,13,15,17,20,21,53,59,67,69,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,134,140,141,142,149,150,153,156,158,161,165],es:142,esp:15,especi:[4,14,18,19,78,142,159,163],essenti:[15,149],establish:[8,19],estim:[0,11,12,15,21,40,41,42,43,44,45,69,93,101,110,111,124,125,128,149,153,154,158,159,163,164],estimators_:21,et:[5,7,15,87,99,102,110,111,112,113,121,124,125,128,130,149,154,161],etc:[2,4,15,17,18,53,85,86,87,89,99,102,105,110,111,112,113,118,124,125,128,130,142,150,156,159,163,164,166,167],etdataset:73,ets_smap:15,ets_smapes_m3:15,ets_tim:15,ets_time_m3:15,etth1dataset:73,etth2dataset:[0,73,131,158],ettm1dataset:73,ettm2dataset:73,european:101,eval:[17,85,86,87,89,113,150,156],eval_accuraci:[25,26,27,28,29,31,32,33,34,35,36,39,47,48,49],eval_accuracy_from_binary_predict:50,eval_accuracy_from_predict:[37,38,39,40,41,42,43,44,45,46,47,48,49],eval_accuracy_from_scor:50,eval_backtest:14,eval_forecast:15,eval_global_model:15,eval_local_model:15,eval_model:[5,7,14,18,159],eval_set:153,evalu:[0,2,5,7,13,16,18,19,25,26,27,28,31,32,53,54,58,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156,158,165,167],even:[2,12,14,15,20,21,33,53,59,102,127,134,142,149,159,161,164,166],evenli:73,event:[85,87,149],everi:[5,6,13,16,31,32,33,50,55,61,62,63,64,65,66,67,68,69,70,71,72,73,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,150,155,156,159,167],everyth:[0,3,15,134,157,158,167],evid:162,ewm:[72,134],ewm_mean_comp_1:134,ewz_stromabgabe_netzebenen_stadt_zuerich:73,exact:[13,21,54,61,62,63,64,65,66,67,68,69,70,71,72,142,152,163],exact_align:13,exactli:[12,13,14,53,73,85,86,87,89,113,134,138,150,156,159,163],examnpl:21,exampl:[6,9,10,11,15,19,20,37,53,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,142,149,150,154,156,160,163,164,165,166],example_imag:113,example_input:113,example_input_arrai:113,exce:155,except:[2,3,6,8,9,10,15,17,19,53,72,74,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,143,150,152,153,156,159,161,163],exchang:73,exchangeratedataset:73,exclud:[3,72,134,157,159],exclus:[116,134],execut:[15,18,54,85,86,87,89,113,136,150,156,159,164,167],exercis:159,exhaust:[2,119,120,121,122],exhibit:[2,8,53],exist:[2,3,53,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,142,150,153,155,156,157,162,164,165,166,167],exit:167,exlainability_result:14,exlained_fc:77,exogen:[96,142],exp:[4,11,105,159],expand:[8,72,85,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134],expand_dim:16,expanding_sum_3_comp_2:134,expans:110,expansion_coefficient_dim:[2,8,15,110],expect:[14,16,17,20,37,38,39,40,41,42,43,44,45,46,47,48,49,53,65,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,153,155,156,159,161,163,166],expens:[13,53,100,108,109,115,117,132,140,141],experi:[17,18,113,165,166],experiment:[0,12,158,164,166],expl_result:79,explain:[0,2,22,76,80,158],explain_result:[77,78,79],explainability_result:[14,77],explained_compon:77,explained_forecast:77,explan:[14,53,76,77,78,79,85,86,87,89,113,150,156,161,163],explicit:159,explicitli:[4,15,57,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],explod:19,exploit:[0,15,18,158,159,166],explor:[15,18],expon:124,exponenti:[0,4,5,11,15,18,37,73,95,99,102,105,110,111,112,118,120,124,125,127,128,130,134,149,157,158,159,163],exponential_distribut:149,exponential_smooth:104,exponentiallikelihood:[149,159],exponentiallr:[19,167],exponentialnllscor:41,exponentialsmooth:[0,3,4,5,7,9,15,20,95,104,121,158,159,161,163],export_param:113,expos:[53,163,166],express:[9,55,85,87,138,164],expsinesquar:12,extend:[13,55,77,98,99,100,102,108,109,110,111,112,113,115,117,118,124,125,128,130,132,134,155,161],extens:[0,21,96,97,113,117,158],extent:[130,159],extern:[0,2,16,21,134,142,158,161,163],extra:[18,72,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,150,156,159,161],extra_repr:[85,86,87,89,113,150,156],extract:[2,3,13,14,15,57,58,61,62,63,64,65,66,67,68,69,70,71,72,79,80,106,134,142,149,154,159,161,167],extract_subseri:151,extract_trend_and_season:154,extract_year:159,extreme_lag:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],ey:53,f1:[25,26,27,28,33,34,35,36,50],f:[2,3,14,16,17,18,20,21,53,66,73,106,164,165],f_contigu:53,f_test:154,fa:53,fabric:[99,113,118],fac:53,facebook:95,facilit:67,fact:[2,3,15,18,159,166],factor:[111,114,167],factori:[17,134,159,166],fail:[4,15,17,20,53,73,74,82],failur:[18,149],fairli:[11,159],fall:[80,82,167],fallback:80,fallback_future_covari:80,fallback_horizon:80,fallback_past_covari:80,fallback_seri:80,fallback_target_compon:80,falmanforecast:20,fals:[2,5,6,7,8,9,10,13,14,15,18,19,20,21,31,32,37,39,46,47,49,53,54,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,134,136,141,142,150,152,153,154,155,156,159,164,165],fame:162,famili:[163,164],familiar:1,far:[20,99,100,102,108,109,110,111,112,113,115,117,118,124,125,128,130,132,159,161],farrai:53,fashion:[2,9,15,99,102,110,111,112,118,124,125,128,130,167],fast:[0,18,95,158,161],fastai:126,faster:[0,3,15,53,78,97,119,121,142,158,163],fat:149,favor:[2,20,85,86,87,89,113,150,156],favorit:[0,158],fc:[57,58,110,111],featur:[2,8,14,15,16,20,21,58,71,72,73,77,78,79,85,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,134,142,153,155,159,162,163,167],feature_rang:[3,70,71],feature_valu:[77,78],features_cols_nam:142,fed:[8,61,62,63,64,65,66,67,68,69,70,71,72,96,97,99,101,102,107,110,111,112,114,118,119,121,124,125,128,130,131],feder:73,feed:[2,3,4,85,89,99,102,110,111,112,118,124,125,128,130],feed_forward:[14,85,125],feedforward:[85,125,130],feel:[0,158,162],fetaur:14,fever:73,few:[15,17,18,19,21,73,155,159,161,165,166],ff:85,ffn:[85,89,125,130],fft:[0,1,95,105,158,161],fid:53,field:[53,73,85,86,87,89,113,150,156],fifth:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],fig:[2,19],fig_siz:[13,79,154],fig_width:13,figsiz:[2,5,6,7,8,9,10,11,12,13,14,15,17,18,19,20,159,163],figur:[0,2,5,6,7,8,9,10,11,12,13,14,15,17,18,20,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,54,79,134,154,158,159,161,163,166,167],file:[4,13,15,21,53,74,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,134,159,163],file_nam:[99,102,110,111,112,118,124,125,128,130],file_path:113,filenam:53,fileno:53,filepath_or_buff:134,filesystem:163,fill:[0,3,8,17,53,67,68,72,73,92,105,134,135,154,158,159],fill_:[85,86,87,89,113,150,156],fill_missing_d:134,fill_missing_valu:[4,6,9,10,13,105,151,159],fill_nan:154,filler:[3,8,60],fillna_valu:134,filter:[0,13,15,18,20,23,29,37,83,91,92,94,95,105,124,158,162],filter_fit_kwarg:31,filter_kwarg:31,filtered_i:11,filtered_seri:159,filtered_t:11,filtered_x:[11,12],filtered_x_missing_sampl:12,filtered_x_sampl:12,filtering_am:31,filtering_model:[91,92,93,94],filteringanomalymodel:[23,29,31],filteringmodel:[11,12,91,92,93,94],filterwarn:[2,3,4,5,6,7,8,9,10,14,15,16,19,20],find:[1,4,14,15,16,18,20,21,39,53,62,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,159,160,161,163],find_list_index:139,find_shared_tim:142,find_time_overlap_bound:142,finder:136,fine:[15,19,53,99,102,110,111,112,118,124,125,128,130,159],finetun:[85,86,87,89,113,150,156],finish:73,fire:[85,86,87,89,113,150,156],first:[0,2,3,4,5,7,8,13,14,15,16,17,18,21,32,38,39,40,41,42,43,44,45,46,47,48,49,53,57,59,61,62,63,64,65,66,68,69,70,71,72,78,79,80,82,85,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,142,152,154,155,157,158,159,163,164,165],first_order_diff:63,first_prediction_index:[99,118],first_seri:16,first_valu:134,fit:[0,2,3,4,5,6,7,8,9,10,11,12,14,15,16,17,18,19,20,21,25,27,29,31,32,33,34,35,37,39,47,48,49,53,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,76,78,79,80,85,87,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,142,143,149,151,153,154,158,161,162,163,164,165,166,167],fit_and_pr:2,fit_cal:[57,58],fit_detect:[34,35],fit_from_dataset:[2,99,102,110,111,112,113,118,124,125,128,130,143,167],fit_from_predict:[37,39,47,48,49],fit_intercept:[116,159],fit_kwarg:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],fit_param:[64,69,153],fit_transform:[2,3,5,6,7,8,9,10,14,15,16,18,19,20,57,59,61,62,63,64,65,67,69,70,71,159,163,164,165,167],fittabl:[31,32,59,60,61,69],fittable_data_transform:[62,63,64,67,69,70,71],fittableaggreg:[25,27],fittableanomalyscor:[39,47,48,49],fittabledatatransform:[57,58,61,62,63,64,65,66,67,68,69,70,71,72],fittabledetector:[34,35],fitted_valu:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],fivethirtyeight:73,fix:[0,2,3,4,5,6,7,8,9,13,14,16,18,19,20,21,53,61,62,63,64,65,66,68,69,70,71,72,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,158,161,165,167],fix_import:163,fix_param:[64,69],fix_pythonpath_if_working_loc:[2,3,4,5,6,7,8,9,10,13,14,16,19,20,21],flag:[26,28,35,36,53,99,102,110,111,112,113,118,124,125,128,130,152],flat:53,flatit:53,flatten:[2,20,53,67,110,111],flavour:[0,158,159],fledg:[0,158],flew:15,flexibl:[72,134,159],float16:[85,86,87,89,150,156],float32:[7,8,9,14,15,18,53,113,134,155,159,164,165,167],float64:[53,85,86,87,89,134,150,155,156],float_:53,floor:114,florian:15,flu:73,fluctuat:13,fluportaldashboard:73,fluview:73,fluviewphase2quickreferenceguid:73,fn:[3,66,85,86,87,89,113,134,150,156],fnc:53,focu:161,foil:73,folder:[99,102,110,111,112,118,124,125,128,130,167],follow:[0,2,4,5,6,7,8,9,13,14,15,17,18,20,21,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,57,58,71,72,73,77,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,138,140,141,142,150,152,156,158,159,161,163,164,166,167],font:13,fontsiz:13,forc:[21,53,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],force_col_wis:15,force_plot:78,force_plot_from_t:[21,78],force_reset:[2,5,6,7,8,9,10,18,19,99,102,110,111,112,118,124,125,128,130,164,165],force_row_wis:15,forecast:[1,3,5,6,7,8,9,10,19,23,29,37,57,58,67,69,72,73,76,77,78,79,80,82,83,87,96,97,98,99,100,101,102,103,104,105,106,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,134,138,139,142,152,155,160,162,164,165,166],forecast_dict:88,forecast_horizon:[2,5,6,7,8,9,10,14,20,32,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159],forecast_horizon_ic:14,forecast_rnn:2,forecast_typ:8,forecast_varima:2,forecasting_am:32,forecasting_model:[20,96,97,98,99,101,103,104,105,106,107,114,116,117,118,119,120,121,122,127,131,159,163],forecasting_saf:[72,134],forecastinganomalymodel:[23,29,32],forecastingmodel:[11,12,32,58,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163],foreground:[14,77,78,79,80],foreground_future_cov:21,foreground_future_covari:[21,77,78,79],foreground_past_covari:[77,78,79],foreground_seri:[21,77,78,79],foreground_target:21,foreign:73,forest:[15,95,117],forev:113,forg:159,forget:2,fork:[110,111],form:[2,13,23,24,39,53,55,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,113,114,134,142,150,153,156,159,162,166],format:[1,2,3,5,7,8,14,15,17,18,53,57,58,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156,159,166],format_tim:74,former:[53,65,85,86,87,134,150,156],formula:[126,152,154],fortran:53,fortun:[3,13,18,159],forum:[99,102,110,111,112,113,124,125,128,130],forward:[85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,141,150,156,159,167],forward_pr:[85,86,87,89,113,150,156],forwardref:134,found:[2,12,13,37,53,72,85,86,87,89,93,99,102,110,111,112,113,118,124,125,128,130,134,150,155,156,165,167],four:[53,69,85,134,154,164],fourier:[0,95,114,158,161],fourier_ord:114,fourth:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],fourtheta:[0,95,122,127,158,161],fpp2:[62,63,142],fpp3:69,fpp:73,frac:[82,98,150,153],fraction:[89,99,118,125,130,134,159,167],frame:[17,113,134],frameon:[15,17],framework:[15,18],francesco:[0,158],francisco:73,free:[0,21,32,37,39,47,48,49,53,85,87,113,126,136,158,162],freedom:[134,154,159],freewai:73,freez:[85,86,87,89,113,150,156],freeze_support:164,freq:[2,5,13,14,15,16,21,67,74,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,154,155,162],freq_str:[5,134],frequenc:[2,4,9,13,18,21,67,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,154,155,166,167],frequent:[159,160],friendli:[0,158,166],from:[0,2,3,4,5,6,7,8,9,10,11,13,14,15,17,18,19,20,21,23,24,29,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,143,149,150,152,153,154,155,156,157,158,159,160,161,162,163,164,165,167],from_:16,from_csv:[134,159],from_datafram:[0,6,8,9,10,17,134,158,159,166],from_dict:19,from_group_datafram:[15,134],from_json:134,from_pickl:134,from_seri:[13,14,134,159],from_times_and_valu:[14,15,16,134,159,166],from_valu:[11,12,16,59,64,66,68,69,71,134,159,166],from_xarrai:[134,159],frombuff:53,fromfil:53,frozen:113,frustrat:3,fsdp:113,fulfil:161,full:[2,6,15,53,67,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,159,166],full_attent:[14,125],fuller:154,fulli:[0,2,5,16,21,59,85,86,87,89,99,110,111,113,118,125,128,130,150,156,158],fun:[15,19,99,102,110,111,112,118,124,125,128,130],func:[61,69,82,125],function_nam:[72,134],functionn:[20,160],funtion:4,furnish:[85,87,126],further:[2,13,15,18,20,21,53,61,62,63,64,65,66,67,68,69,70,71,72,82,114,142,161],furthermor:[2,3,4,78,110,111,159,162,163,166,167],fusion:[0,75,95,126,158,159],futcov:[100,108,109,115,117,132,142],futur:[0,5,6,9,16,17,18,20,21,32,53,57,58,72,77,78,79,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,138,139,140,141,142,144,150,156,158,159,160,163,167],future_compon:58,future_cov:[20,77,78,96,97,100,102,107,108,109,112,114,115,117,118,119,121,125,128,131,132],future_covari:[2,5,9,14,16,20,21,32,58,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,139,140,141,142,143,159,161,163,167],future_covariates_pr:161,future_covariates_train:161,future_covariates_v:167,future_encod:58,future_past:144,future_past_covari:[113,139],future_target:[138,140,141,143],future_transform:58,futurecallableindexencod:58,futurecovari:143,futurecovariatesindexgener:[57,58],futurecovariatesinferencedataset:139,futurecovariateslocalforecastingmodel:[97,101,114,119,121],futurecovariatesmodel:141,futurecovariatessequentialdataset:140,futurecovariatesshifteddataset:141,futurecovariatestorchmodel:[129,143,167],futurecovariatestrainingdataset:[140,141,143],futurecyclicencod:58,futuredatetimeattributeencod:58,futureintegerindexencod:58,futuretarget:141,futurewarn:17,g:[2,3,12,15,17,18,21,23,37,53,58,61,69,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,152,153,154,155,156,161,162,163,166,167],ga:73,gain:[13,20,143,167],gal:163,game:21,gamma:[19,37,149,167],gamma_distribut:149,gammalikelihood:149,gammanllscor:42,gan:[85,86,87,89,113,150,156],gap:[20,21,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,151],gasolin:73,gasrateco2dataset:73,gate:[14,85],gatedresidualnetwork:[14,125],gather:113,gaussian:[9,11,18,37,85,90,100,149,155,156,163],gaussian_process:[12,92,159],gaussian_process_filt:92,gaussian_timeseri:[2,9,10,11,12,155,163],gaussianlikelihood:[9,10,18,149,165],gaussiannllscor:43,gaussianprocessfilt:[0,12,92,158,159],gaussianprocessregressor:[12,92],gb:167,gca:13,gcp:164,geglu:[86,125,130],gelu:[85,86,125,130],gener:[0,6,9,10,11,12,15,16,17,20,21,31,32,37,39,46,47,48,49,50,53,57,58,67,70,71,73,76,77,78,79,85,88,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,135,136,141,142,149,152,153,154,158,159,160,161,162,164,166],generate_fit_encod:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],generate_fit_predict_encod:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],generate_index:155,generate_inference_idx:[57,58],generate_predict_encod:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],generate_torch_kwarg:[2,6,8,9,10],generate_train_idx:[57,58],generate_train_inference_idx:57,generic_architectur:[2,8,15,110],genericinferencedataset:139,genericshifteddataset:141,geometr:149,geometric_distribut:149,geometriclikelihood:149,geq:82,germani:73,get:[0,1,2,4,6,9,10,14,15,16,17,18,19,20,21,53,54,67,77,106,113,125,130,143,153,158,159,162,164,167],get_attent:[14,77,79],get_buff:[85,86,87,89,113,150,156],get_component_nam:80,get_decoder_import:[14,77],get_embedding_s:126,get_encoder_import:[14,77],get_explan:[77,78],get_extra_st:[85,86,87,89,113,150,156],get_feature_import:[77,79],get_feature_valu:[77,78],get_fram:17,get_index_at_point:134,get_legend:13,get_matric:69,get_metadata_rout:153,get_metr:136,get_model_param:16,get_multioutput_estim:[100,108,109,115,117,132],get_param:[21,153],get_paramet:[85,86,87,89,113,150,156],get_projection_matrix:69,get_shap_explanation_object:[77,78],get_shared_tim:142,get_shared_times_bound:142,get_single_seri:157,get_standard_metr:136,get_static_covariates_import:[14,77],get_submodul:[85,86,87,89,113,150,156],get_timestamp_at_point:134,getfield:53,getsizeof:53,getter:53,ghahramani:163,gi:73,gist:132,github:[0,1,20,21,73,108,114,126,132,158,162],githubusercont:15,gitter:[0,158],giuliano:[0,158],give:[2,14,15,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,78,79,99,102,110,111,112,113,118,124,125,128,130,136,142,159,161,162,163,167],given:[2,3,7,13,14,15,20,21,25,26,27,28,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,82,85,86,87,89,91,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,149,150,151,153,155,156,159,161,163,167],global:[0,4,16,18,20,64,69,71,73,85,86,87,89,100,105,108,109,113,115,117,132,134,142,150,156,158,160],global_compon:16,global_fit:[62,63,64,67,69,70,71],global_rank:113,global_step:113,globalforecastingmodel:[0,20,95,98,103,116,117,158,163],glu:[85,86,125,130],glu_vari:[86,89],go:[2,15,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,141,152,154,159,161,164,166,167],goal:[7,15],goe:[19,61,62,63,64,65,66,68,69,70,71,72,113,141],gomez:130,good:[0,1,2,11,15,17,18,20,21,53,99,102,110,111,112,113,118,124,125,126,128,130,158,159,161,162,163,165,167],googl:[162,164],googleapi:164,got:[18,136],gov:[15,73],gpf:[12,159],gpf_miss:12,gpu1:[85,86,87,89,150,156],gpu:[0,15,18,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,150,156,158,159,160,165],gpu_bas:[99,102,110,111,112,118,124,125,128,130],gpu_transform:113,grace_period:165,grad:[85,86,87,89,113,150,156],grad_input:[85,86,87,89,113,150,156],grad_output:[85,86,87,89,113,150,156],gradient:[13,19,78,85,86,87,89,108,113,132,149,150,156],gradient_clip_algorithm:113,gradient_clip_v:[19,113],grai:11,grain:159,granger:154,granger_causality_test:154,grangercausalitytest:154,grant:[4,9,85,87,126],granular:17,graph:[113,161],grasp:73,great:[2,15,16,18,113,159,165],greater:[13,20,53,73,116,134,142],greedi:152,green:[13,15,21],grei:17,grid:[18,21,54,55,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],gridsearch:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,160],grosch:[0,15,158],ground:[19,20,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,156],group:[15,17,69,73,113,134,142,166],group_col:[15,16,134],groupbi:[6,8,9,10,15],grow:130,growth:114,gru:[0,5,99,118,158,161],gt:[2,3,5,6,8,9,10,11,12,14,15,17,19,20,21],gtz:55,guarante:[19,72,85,86,87,89,113,134,150,156,166],guesswork:[99,102,110,111,112,118,124,125,128,130],guid:[0,21,53,134,153,158,159,163,164],guidelin:[0,158,162],guillaum:[0,15,158],gumbel:149,gumbel_distribut:149,gumbellikelihood:149,gusset:[0,158],gzipfil:53,h:[6,16,21,98,99,101,114,118,134,138],h_0:154,h_n:[99,118],ha:[0,2,4,5,6,7,9,11,13,14,15,16,18,19,21,31,32,39,47,48,49,50,53,57,58,62,70,73,77,78,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,140,141,142,150,153,154,156,158,159,161,163,164,166,167],had:[11,16,18,21,53,96,131,159],half:[2,73,85,86,87,89,113,149,150,156],halfnormallikelihood:149,halv:16,hand:[15,17,163,166],handi:15,handl:[2,3,14,16,21,37,58,67,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,150,156,160,164,166],hankel:93,happen:[2,15,21,61,62,63,64,65,66,67,68,69,70,71,72,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,139,149,159,164],happi:[159,162],hard:[7,159],harder:[3,18,149],hardwar:[53,113,164],has_dataloader_chang:136,has_datetime_index:134,has_hierarchi:134,has_range_index:134,has_same_time_a:134,has_static_covari:[16,134],hash:74,hat:[82,98,150],have:[0,1,2,3,4,6,8,9,10,12,13,14,15,16,17,18,20,21,25,27,32,35,36,37,39,47,49,50,53,55,57,58,61,62,63,64,65,67,69,70,71,72,77,78,80,82,85,86,87,89,91,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,140,141,142,143,149,150,152,153,154,155,156,157,158,159,161,162,163,164,165,166,167],haven:[15,18],head:[7,14,62,63,79,125,130,134,167],header_tim:74,healthcar:73,heapsort:53,hear:159,heart:[73,166],heartratedataset:73,heat:[14,79],heater:[14,73],heatmap:[14,54,79],heavili:[2,20],heavisid:11,height:55,help:[3,14,15,16,18,19,21,85,86,87,89,113,134,142,150,152,156,159,161,162,167],helper:[13,15,16,54,61,62,63,64,65,66,68,69,70,71,72,80,133,142],henc:[61,62,63,64,65,66,68,69,70,71,72,149,159],here:[0,1,2,3,4,12,13,14,15,16,17,18,19,21,69,79,93,96,97,98,99,101,102,103,107,110,111,112,113,114,116,118,119,121,123,124,125,128,130,131,134,136,142,155,158,159,160,161,163,164,165,167],herebi:[85,87,126],herzen:[0,15,158],heteroscedast:149,hex:53,hi:19,hidden:[5,85,93,99,118,125,161],hidden_continuous_s:[14,125],hidden_dim:[2,5,9,99,118,164],hidden_fc_s:[2,99],hidden_s:[14,99,125,128],hierarch:[0,60,73,111,113,134,158,160],hierarchi:[0,61,64,65,69,134,158,166],high:[7,13,14,18,67,73,123,131,159,164,167],high_q:14,high_quantil:[0,9,10,14,35,134,158,159],high_threshold:[35,36],higher:[9,14,15,37,53,67,118,142],highest:[4,134],highest_q:14,highli:[4,5,14,130],highlight:[14,134,154,159],hint:89,hist:[15,73],hist_fct:20,histogram:[154,159],histor:[0,2,5,6,8,9,10,14,17,32,35,37,69,77,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,139,158,161,167],histori:[2,6,14,15,18,21,33,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,163],historic_futur:144,historic_future_covari:[113,139,140,141,143],historical_fcast_:159,historical_fcast_theta:159,historical_forecast:[2,5,6,7,8,9,10,14,20,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159],hit:[0,95,158],hobijn:154,hol:[17,73],hold:[20,53,113,161,166,167],holder:[85,87],hole:[134,159],holidai:[2,17,18,114,131,134,155,159,163],holidays_timeseri:[97,131,155],holt:104,holtwint:[17,104],hood:[20,21,58,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,163,167],hook:[85,86,87,89,113,136,150,156,167],hope:[15,16,18],hopefulli:[7,159],horizon:[2,5,7,8,14,15,18,21,32,57,58,77,78,79,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,137,139,152,159,161,163,167],horizon_based_dataset:138,horizonbaseddataset:[2,138],horizonbasedexplainabilityresult:77,host:[85,86,87,89,150,156],hot:[6,9,10,16,134,155],hour:[2,16,18,21,58,73,79,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,155,159,167],hourli:[8,21,58,73,114],household:[21,73],how:[1,2,3,4,5,6,7,8,9,11,12,13,14,15,16,17,18,19,21,29,31,32,34,35,36,37,39,47,49,50,53,54,58,61,62,63,64,65,66,67,68,69,70,71,72,79,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,153,156,159,160,162,163,165,166],howev:[2,4,13,18,20,35,36,53,67,85,86,87,89,99,102,110,111,112,113,114,118,124,125,128,130,142,149,150,156,161,162,167],hpa:73,hparam:113,hparams_fil:113,hparams_initi:113,hparams_nam:113,hparams_typ:113,hpu:[15,159],hr:73,htm:73,html:[0,27,46,58,62,63,67,69,73,93,99,102,110,111,112,114,118,123,124,125,128,130,134,142,154,155,158,164],http:[0,8,9,10,15,19,27,39,46,47,49,58,62,63,67,69,73,85,93,96,99,102,108,110,111,112,113,114,115,118,120,121,122,123,124,125,126,127,128,130,131,132,134,138,142,149,150,154,155,156,158,164],hufl:[73,131],huge:[3,113],huge_number_of_seri:3,huguenin:[0,158],hull:73,humid:73,hydro:[6,8,9,10],hyndman:[3,17],hyndsight:150,hyper:[1,15,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163,167],hyper_paramet:113,hyperband:165,hyperparamet:[2,7,18,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,160,167],hyperparametersmixin:113,hypothesi:154,i0:54,i1:[53,54],i2:[53,54],i8:53,i9:167,i:[0,4,5,6,7,13,14,15,16,17,18,20,50,53,54,55,61,62,63,64,65,66,67,68,69,70,71,72,74,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,140,141,142,149,150,152,154,156,158,159,162,163,164],i_:82,ic:[73,167],icbest:154,ice_cream_sal:167,ice_cream_sales_train:167,ice_cream_sales_v:167,icecreamheaterdataset:[14,73],id:[16,99,102,110,111,112,113,114,118,124,125,128,130,161,166],idea:[2,3,9,15,18,20,29,159,162,167],ideal:[11,167],idempot:113,ident:[9,13,16,49,57,65,82,134,142,167],identif:[0,15,107,154,158,159],identifi:[16,20,26,28,36,58,136,161],idx:[15,21,58,77,78,80,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,150,156,159],ie:[66,164],ignor:[2,3,4,5,6,7,8,9,10,14,15,16,19,20,21,53,54,55,57,62,69,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,153,156],ignore_static_covari:134,ignore_time_axi:134,ignore_w:[85,86,87,89,150,156],iid:49,ili:73,ilinetdataset:73,ilitot:73,ill:73,illia:130,illustr:[2,58,159],imag:[53,113],imagin:[53,161,167],imaginari:53,immedi:[85,86,87,89,113,140,150,156],immut:[113,166],impact:[18,21,150,167],implemenet:[61,62,63,64,65,66,67,68,69,70,71,72],implement:[0,2,3,12,21,39,49,53,57,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,93,96,97,98,99,100,101,102,107,108,110,111,112,113,115,116,118,119,121,123,124,125,126,127,128,130,131,132,136,143,150,156,158,159,160,162,167],impli:[61,62,63,64,65,66,68,69,70,71,72,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],implicit:[99,102,110,111,112,118,124,125,128,130],importantli:[2,142,159],impos:12,impract:18,impress:20,improv:[2,11,16,18,19,20,21,99,102,105,107,110,111,112,113,118,123,124,125,127,128,130,134,156,159,161,164,167],imshow:54,in_featur:[85,86,87,89,113,150,156],in_len:[15,18,102,112,165],inbetween:16,incl:[0,140,158],includ:[2,4,5,14,16,18,19,21,53,58,61,62,63,64,65,66,68,69,70,71,72,73,77,79,85,86,87,89,96,99,100,102,105,110,111,112,113,114,117,118,123,124,125,126,128,130,131,134,138,139,140,141,143,149,150,154,156,157,161,164,167],include_curr:[72,134],include_dayofweek:18,include_year:165,inclus:[100,117,134],incompat:53,incompatible_kei:[85,86,87,89,113,150,156],incomplet:3,incomplete_seri:3,inconsist:73,incorpor:[4,14],incorrect:89,incorrectli:[154,162],increas:[2,7,11,12,13,17,21,53,54,59,61,62,63,64,65,66,67,68,69,70,71,99,102,105,107,110,111,112,118,124,125,128,130,134,155,167],increment:153,incur:[18,99,102,110,111,112,118,124,125,128,130,167],inde:11,independ:[21,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,53,62,63,64,69,70,78,142,149,155,159,161],index:[2,5,6,8,9,10,13,14,15,16,17,19,32,53,54,55,57,58,67,73,77,78,79,80,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,152,155,157,158,159,166],index_gener:[57,58],indexerror:15,india:114,indic:[13,14,18,25,26,27,28,29,31,32,33,34,35,36,37,39,47,49,50,53,54,71,73,79,82,96,97,101,105,107,110,114,119,121,123,124,131,134,142,153,154,155,157,159,163],indirect:[53,78],individu:[14,15,16,20,53,58,62,63,64,67,69,70,71,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,149,150,156,159,164],indiviu:164,indonesia:114,induc:149,industri:[18,162],ineffici:[152,154],inf:[18,53,58,136,150,159,165],infer:[0,11,15,18,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,82,85,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,137,154,158,167],inference_dataset:139,inferencedataset:[99,102,110,111,112,113,118,124,125,128,130,139],infin:53,infinit:136,influenc:[78,153],influenzalik:73,info:[0,15,99,102,110,111,112,118,124,125,128,130,134,158,163],inform:[2,3,9,11,12,16,17,18,19,21,53,58,61,62,63,64,65,66,67,68,69,70,71,72,77,79,85,86,87,89,93,99,100,102,108,109,110,111,112,113,114,115,117,118,120,124,125,128,130,132,134,150,153,154,155,156,159,160,161,163,165,167],ing:[61,62,63,64,65,66,67,68,69,70,71,72],inherit:[2,21,53,61,62,63,64,65,66,68,69,70,71,72,98,103,113,143,167],init:[85,86,87,89,113,150,156,163],init_modul:113,init_predict_tqdm:136,init_s:55,init_sanity_tqdm:136,init_test_tqdm:136,init_train_tqdm:136,init_validation_tqdm:136,init_weight:[85,86,87,89,113,150,156],initi:[6,13,15,18,20,53,55,61,64,65,69,78,85,86,87,89,93,99,102,110,111,112,113,118,123,124,125,128,130,150,156],initialize_distribut:113,initialize_encod:[99,118],initj:21,inlin:[2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,159],inner:[20,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,58,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159],inplac:[53,85,86,87,89,113,150,156],inpt:150,input:[0,2,3,5,6,7,8,9,10,11,14,15,16,19,20,24,25,26,27,28,29,31,32,33,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,76,77,78,79,80,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,143,150,152,153,156,157,158,159,160,161,163,165,166],input_chunk:139,input_chunk_length:[2,5,6,7,8,9,10,14,15,16,18,19,20,57,58,77,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,139,140,141,159,161,163,164,165,167],input_chunk_length_ic:14,input_covari:141,input_dim:87,input_length:[99,118],input_s:[87,99,118,152],input_sampl:113,input_seri:149,input_series_dataset:[99,102,110,111,112,118,124,125,128,130],input_timeseri:113,input_typ:80,inquiri:[0,158],insampl:82,insert:[3,53,61,62,63,64,65,66,67,68,69,70,71,72,113],insid:[53,99,102,110,111,112,118,124,125,128,130,142,153],insight:[18,21],insignific:159,inspect:[4,18,113],inspir:[2,9,20,121,124,132,138],instal:[15,18,21,108,113,162,164,167],instanc:[0,2,6,15,16,17,18,19,20,32,33,49,53,54,57,58,61,62,63,64,65,66,68,69,70,71,72,77,78,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,141,143,149,150,153,154,155,156,158,159,161,162,163,166,167],instanci:20,instantan:73,instanti:[2,14,58,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,167],instantli:113,instead:[0,2,3,4,5,12,13,14,15,17,18,20,21,53,61,62,63,64,65,66,68,69,70,71,72,78,79,85,86,87,89,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,152,153,156,157,158,159,165,166,167],instruct:[0,108,158,164],int16:53,int32:53,int64:[59,64,66,68,69,134],int64index:17,int8:53,int_:53,int_typ:53,integ:[2,14,15,16,20,25,26,27,28,32,34,35,36,37,50,53,57,58,71,72,73,78,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,154,155,157,159,166],integerindexencod:58,integr:[18,21,85,86,87,89,96,131,150,156,159,163,164,165],intel:167,intellig:161,intend:[53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,166],intens:[3,9,21],inter:130,inter_reduct:[17,82,159],interact:[2,4,53,164],interchang:53,interest:[2,9,12,13,14,15,19,21,82,113,159,163],interestingli:20,interfac:[53,159],intermedi:[110,111,130],intermitt:101,intern:[2,6,8,21,39,61,69,78,86,87,99,100,101,102,108,109,110,111,112,113,115,117,124,125,128,130,132,156,167],internet:18,interpol:[3,68,73,111,149,151,154],interpolate_kwarg:151,interpret:[21,37,53,110,113,125,142,155,156,157,163],interrupt:[99,102,110,111,112,118,124,125,128,130,136,167],intersect:[14,82,134,142],interv:[0,12,14,18,20,21,73,82,113,134,138,149,154,157,158,159,166],intra:130,intract:18,introduc:[20,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,161,162],introduct:160,introductori:[0,18,158],introselect:53,invalid:[73,74,85,86,87,89,113,150,156],invari:[2,134],inventori:101,invers:[3,15,53,59,62,63,65,66,67,70,71,87,105],inverse_fn:[3,66],inverse_transform:[2,3,5,7,14,20,59,61,62,63,64,65,66,67,69,70,71,159],inversed_quaterli:67,invert:[3,59,60,61,64,69],invertible_data_transform:[62,63,65,66,67,70,71],invertibledatatransform:[3,59,61,62,63,64,65,66,67,69,70,71],invertiblemapp:60,investig:[99,102,110,111,112,118,124,125,128,130],invok:[53,85,86,87,89,113,150,156],involv:[64,69,162,167],io:[47,73,93,99,102,110,111,112,113,114,118,124,125,128,130,134],io_processor:113,ipu:[15,18,85,86,87,89,113,150,156,159,164],ipynb:1,irrad:21,irradi:[21,73],irregular:16,irregular_seri:16,irregular_series_st_bin:16,irregular_series_st_cat:16,irrelev:164,irrespect:[18,54,99,102,110,111,112,118,124,125,128,130],is_avail:[18,165],is_caus:89,is_determinist:134,is_dis:136,is_en:136,is_gat:85,is_probabilist:[38,39,40,41,42,43,44,45,46,47,48,49,134],is_season:159,is_stochast:134,is_train:142,is_univari:134,is_within_rang:134,isinst:[14,17,113],isn:2,iso:[134,155],isol:[15,46,156,163],issu:[0,15,18,58,99,102,110,111,112,118,124,125,128,130,134,149,158,159,162,167],issubclass:163,itakura:[54,55],itakura_align:13,item:[19,20,21,53,72,85,86,87,89,113,134,136,150,156],items:53,itemset:53,iter:[5,14,19,53,55,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,150,154,156],iterrow:15,itertool:[15,17],its:[0,2,3,4,5,6,7,9,11,14,15,17,19,20,21,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,53,66,78,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,135,142,149,150,158,159,161,163,165,166,167],itself:[0,4,9,13,14,17,18,31,32,37,39,47,48,49,50,53,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,99,113,118,134,140,141,149,150,156,158,166,167],j0:54,j1:54,j2:54,j:[13,53,54,55,73,85,86,87,89,150,156],jakob:130,jame:73,jan:[0,5,7,15,67,73,116,126,134,158],januari:[73,159],japan:73,javascript:21,jayasiri:85,jdb78:126,jena:73,jit:[113,119,121],jmlr:[0,158],job:[11,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],john:101,join:[0,158],joint:[138,140,141,159,163,166],jointli:[2,15,37,46,62,149,166],jone:130,journal:[0,73,101,158],json:134,json_str:134,julien:[0,15,17,158],jump:[18,53],june:73,jupyt:[21,164],jupyterlab:21,just:[2,3,4,5,12,13,14,15,18,19,21,53,159,161,162,167],k:[0,2,15,20,37,53,98,113,116,149,158,159,162,163],kaggl:[73,164],kaiser:130,kalman:[0,11,12,15,90,95,158],kalman_filt:[93,107],kalman_forecast:107,kalmanfilt:[0,11,93,107,158,159],kalmanforecast:[0,15,20,95,107,158,161,163],keep:[0,2,4,9,10,15,17,18,19,20,21,53,59,73,99,102,110,111,112,118,124,125,128,130,153,154,158,159,162,167],keep_non_transform:[72,134],keep_var:[85,86,87,89,113,150,156],keepdim:53,kei:[15,17,20,21,24,29,31,32,53,58,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,154,156,159,165],kept:[4,49,53,61,62,63,64,65,66,67,68,69,70,71,72,134,142],kernel:[18,78,92,102,111,124,153,159],kernel_s:[6,10,18,20,85,86,87,89,102,113,124,150,156,165],keyword:[39,53,54,58,61,62,63,64,65,66,67,68,69,70,71,72,78,85,86,87,89,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,151,154,156,163],kf:[11,93,107,159],kf_smape:15,kf_smapes_m3:15,kf_time:15,kf_time_m3:15,kim:[87,99,102,110,111,112,113,124,125,128,130],kind:[2,11,15,53,85,87,105,159,161,163,164,167],kindli:73,kl:149,kmean:39,kmeans_scor:39,kmeansscor:[0,23,37,39,47,158],know:[3,5,9,12,13,14,100,108,109,113,115,117,132,134,140,141,159,161,163,164,167],knowledg:8,known:[0,2,5,9,13,14,20,21,29,32,33,37,53,78,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,139,140,141,142,156,158,159,161,163],kolassa:121,kosinski:[0,158],kpss:154,kpss_stat:154,kth:53,kullback:[159,163],kurtosi:134,kw:[2,73],kwarg:[14,15,25,34,39,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,78,82,85,86,87,89,92,96,97,98,99,100,101,102,104,106,107,108,109,110,111,112,113,114,115,117,118,119,120,121,122,124,125,128,130,131,132,134,136,150,154,156,159],kwh:[21,73],kwiatkowski:154,l1:113,l1loss:150,l:[0,15,39,47,49,85,86,87,89,102,112,113,136,150,156,158],l_:82,l_bar:136,label:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,158,159,163],label_q_inn:14,label_q_out:14,labels:13,labels_cols_nam:142,labels_hat:113,labml:85,lag:[0,2,15,17,18,20,57,58,63,77,78,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,154,155,158,159,161,163],lag_:142,lagged_:142,lagged_feature_nam:[21,100,108,109,115,117,132],lagged_future_covari:142,lagged_past_covari:142,lagged_target:142,lags_:142,lags_covari:[57,58],lags_future_covari:[20,21,57,58,77,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,159],lags_past:21,lags_past_covari:[21,57,58,77,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142],laiguokun:73,lambda:[3,17,58,62,66,82,134,149,159],languag:130,laplac:[37,149,159,163],laplace_distribut:149,laplacelikelihood:[149,159,163],laplacenllscor:44,larg:[0,1,2,13,15,16,18,54,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,134,138,140,141,142,149,152,158,159,164,167],larger:[2,3,11,12,15,53,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,163,166,167],largest:[15,18,134,157],last:[0,2,5,14,15,16,17,18,20,21,53,72,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,142,149,152,154,155,158,159,163],last_m:13,last_points_onli:[2,5,6,8,9,10,14,20,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],last_shap:142,last_static_covariates_shap:142,last_valu:[134,159],later:[2,6,18,19,21,62,63,64,69,70,99,118,134,161,163,164,167],latest:[2,9,20,47,93,99,102,110,111,112,113,118,124,125,128,130,142,167],latter:[35,36,37,65,67,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,153,156],lausann:15,layer:[2,85,87,89,99,110,111,116,118,124,125,128,130,159,167],layer_norm_vari:87,layer_width:[2,8,15,110,111],layernorm:[14,87,125,130],layernormnobia:[87,125,130],layout:[16,53,78],lazi:[2,58,152],lazili:[152,167],lb:142,ld:154,ldadjust:154,ldb:154,ldbias:154,le:85,lead:[4,13,16,19,104,113,162],leafhandl:73,leak:19,leakag:2,leakyrelu:[110,111],learn:[0,3,7,12,14,16,17,18,19,21,24,37,39,70,71,87,92,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,136,158,161,162,163,164,165,166,167],learnabl:85,learning_r:113,least:[2,4,6,18,21,35,36,53,67,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,138,140,141,161,167],leav:[59,72,79,99,102,110,111,112,115,118,124,125,128,130,134,163],left:[2,15,17,18,32,53,54,72,82,96,97,98,99,101,102,103,104,105,107,110,111,112,114,116,118,119,120,121,122,123,124,125,127,128,130,131,134,139,150,161],legaci:154,legend:[0,2,3,5,6,7,8,9,10,11,12,13,14,15,17,158,159],leibler:[159,163],len:[0,2,4,7,13,14,15,16,17,20,54,58,63,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,155,158,159],length:[2,3,5,9,10,11,12,13,15,16,18,31,32,35,36,37,39,47,49,50,53,54,55,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,82,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,150,154,155,161,163,165,167],leq:149,less:[4,15,18,115,142,154],let:[2,3,4,5,6,7,8,9,10,11,13,14,15,16,17,18,20,21,85,86,87,89,113,150,156,159,161,167],letter:53,levarag:20,level:[8,12,17,21,53,73,103,124,134,154,159,160,161],leverag:[3,20,116,163,167],levinson:154,lexsort:53,lgbm:[15,21,108],lgbm_m4_elapsed_time_m3:15,lgbm_m4_smapes_m3:15,lgbm_model:21,lgbm_model_m4:15,lgbm_smape:15,lgbm_smapes_m3:15,lgbm_smapes_transf:15,lgbm_time:15,lgbm_time_m3:15,lgbm_time_transf:15,lgbregressor:108,lh:138,li:[12,155,167],liabil:[85,87],liabl:[85,87],lib:[17,53,142],librari:[0,1,3,15,18,20,21,53,78,123,158,159,162,167],licens:[85,87,126],lie:[12,32,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149],life:15,lightbm:159,lightgbm:[15,21,95],lightgbmmodel:[0,15,21,95,108,158,159,161,163],lightgbmregressor:[21,108],lightn:[0,18,19,95,99,102,110,111,112,113,118,124,125,128,130,136,158,163,164,165,167],lightning_fabr:113,lightningdatamodul:113,lightningmodul:[99,102,110,111,112,113,118,124,125,128,130,136,167],lightningoptim:113,ligthn:[18,99,102,110,111,112,118,124,125,128,130],like:[2,4,11,12,14,15,16,18,20,21,53,85,86,87,89,113,117,136,142,149,150,153,154,156,159,161,162,164,167],likelihood:[9,10,14,18,19,20,21,40,41,42,43,44,45,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,135,159,163,165],likelihood_components_nam:149,likelihood_model:[9,10,14,18,102,110,111,112,124,125,128,130,149,159,163,165],likelihoodmixin_:149,likelihoodscor:48,limit:[15,18,19,20,21,53,78,85,87,113,126,130,164,165,167],lin_seri:3,linalg:46,line:[12,14,15,17,21,53,54,85,86,87,89,98,113,127,134,150,156,167],linear:[11,13,15,20,54,61,64,65,69,78,85,86,87,89,93,95,96,99,110,111,113,117,118,124,125,127,128,130,131,134,149,150,154,155,156,157,159,164],linear_1:134,linear_increas:14,linear_match:13,linear_model:[15,18,20,21,109,117,159],linear_regression_model:109,linear_timeseri:[2,3,9,10,61,64,65,69,134,155],linear_v:16,linearli:[69,99,102,110,111,112,118,124,125,128,130,155,167],linearregress:[18,20,109,117,159],linearregressionmodel:[0,2,15,17,18,20,21,78,95,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,158,159,161,163],linewidth:11,link:[99,101,102,104,110,111,112,118,124,125,128,130,164],linreg_model:20,linspac:[11,13,16,159],linux_x86_64:164,list:[2,10,14,15,17,18,20,21,25,27,31,32,39,46,47,49,50,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,151,152,153,154,155,156,157,159,163,165,166,167],litdatamodul:113,liter:[62,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134],litmodel:113,litr:73,littl:[8,11,53],live:[85,86,87,89,113,150,156],ll:[2,6,11,12,15,16,18,21,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,161,164,165],llion:130,lmbda:62,load:[0,1,2,3,4,5,6,7,8,9,10,13,14,20,21,53,58,62,63,67,70,73,74,78,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,152,158,159,160,164,165],load_air:15,load_data:113,load_encod:[99,102,110,111,112,118,124,125,128,130],load_ext:[3,4,5,7,9,13,14,16,19,20,21],load_from_checkpoint:[2,5,6,7,8,9,10,18,19,99,102,110,111,112,113,118,124,125,128,130,163,165,167],load_m3:15,load_m4:15,load_model:163,load_state_dict:[85,86,87,89,113,136,150,156],load_weight:[99,102,110,111,112,118,124,125,128,130,167],load_weights_from_checkpoint:[99,102,110,111,112,118,124,125,128,130,167],loaded_model:167,loader:[99,102,110,111,112,118,124,125,128,130],loc:[2,15,17],local:[2,3,4,5,6,7,8,9,13,14,16,17,19,20,21,53,74,85,86,87,89,91,99,102,103,110,111,112,113,116,118,124,125,128,130,150,156,160],local_rank:[18,113,164],localforecastingmodel:[0,57,95,98,104,105,120,122,127,158],locat:[53,99,102,110,111,112,113,118,124,125,128,130,149,161,163,166],locationid:73,lock:53,loess:154,log10:66,log:[0,2,3,4,5,6,7,8,9,10,14,16,18,19,20,40,41,42,43,44,45,82,99,102,110,111,112,113,114,118,124,125,128,130,134,136,149,158,159,163,164,165,167],log_dict:113,log_dir:167,log_tensorboad:167,log_tensorboard:[5,99,102,110,111,112,118,124,125,128,130,164],logarithm:82,logger:[99,102,110,111,112,113,118,124,125,128,130],logic:[21,23,26,28,57,58,99,113,118,149],logical_and:13,logist:114,lognormallikelihood:149,lone:142,longdoubl:53,longer:[2,11,13,15,18,96,97,99,101,102,107,110,111,112,114,118,119,121,124,125,128,130,131,159,165],longest:15,longest_contiguous_slic:[15,134],look:[2,3,4,7,11,12,13,15,16,17,18,20,21,37,53,69,85,86,87,89,113,150,156,159,160,161,162,163,165],lookahead:19,lookback:[2,15,18,19,138,159],lookforward:[15,18],loop:[15,53,113,127,136],loos:162,lose:53,loss:[5,7,13,14,15,16,18,19,82,99,100,102,110,111,112,113,118,124,125,128,130,132,135,136,149,163,164,165],loss_fn:[14,15,99,102,110,111,112,113,118,124,125,128,130],loss_logg:167,losslogg:167,lost:[53,63],lot:[5,14,15,16,18],love:3,low:[7,53,67,73],low_freq:67,low_q:14,low_quantil:[0,9,10,14,35,134,158,159],low_threshold:[35,36],lower:[7,13,15,16,17,18,35,36,50,67,111,128,134,142,159],lowercas:53,lowest:163,lowest_q:14,lp:37,lp_c_uint:53,lr:[5,7,9,10,14,15,18,19,99,102,110,111,112,113,118,124,125,128,130,164,165,167],lr_find:[99,102,110,111,112,118,124,125,128,130],lr_finder:[99,102,110,111,112,118,124,125,128,130],lr_m4_elapsed_time_m3:15,lr_m4_smapes_m3:15,lr_model:18,lr_model_m4:15,lr_pred:18,lr_preds_test:18,lr_scale:113,lr_schedul:[19,113,167],lr_scheduler_cl:[19,99,102,110,111,112,113,118,124,125,128,130,167],lr_scheduler_kwarg:[19,99,102,110,111,112,113,118,124,125,128,130,167],lr_scheduler_step:113,lr_smape:15,lr_smapes_m3:15,lr_smapes_transf:15,lr_time:15,lr_time_m3:15,lr_time_transf:15,lrschedul:113,lstm:[0,2,5,9,14,99,118,125,158,161],lstm_layer:[14,125],lstm_test:9,lt:[2,3,5,6,8,9,10,11,12,14,15,19,20,21],lucki:15,lufl:73,lukasz:130,lull:[0,73,158],lw:[0,7,17,18,158,163],lysenko:132,m1:15,m2:[15,21,73],m3:[8,159],m3_dataset:15,m3_seri:15,m3_test:15,m3_test_scal:15,m3_train:15,m3_train_scal:15,m3c:15,m3comp:15,m3month:15,m4:[8,127,138],m4_metadata:15,m4_monthli:15,m4_test:15,m4_test_scal:15,m4_train:15,m4_train_scal:15,m4id:15,m:[2,13,15,53,54,55,63,69,73,82,85,86,87,89,101,102,112,113,127,134,138,150,154,156,159,162],ma:[96,131],machin:[0,3,15,21,53,158,161,164,166,167],machineri:2,mackinnon:154,made:[4,46,53,65,78,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,156,159,163,167],mae:[2,4,13,17,19,82,115,127,150],maeloss:150,magnitud:[2,150,159],mai:[2,3,8,18,31,32,53,61,62,63,64,65,66,68,69,70,71,72,78,85,86,87,89,113,134,136,140,141,149,150,152,153,156,162,166],main:[14,20,33,37,58,106,125,134,159,164,165,166,167],mainli:[18,159],maintain:[18,53,136],major:[19,53,164],make:[0,2,3,6,9,11,12,13,14,15,17,18,20,21,29,53,59,63,85,86,87,89,103,110,111,113,116,117,125,130,134,150,152,156,158,161,162,163,167],make_grid:113,maker:73,makridaki:20,malaysia:114,man:73,manag:113,mandatori:[2,14,15,72,78,79,114,125,134],mani:[0,2,15,16,18,53,58,99,102,110,111,112,118,123,124,125,128,130,142,152,156,158,159,167],manipul:166,manner:21,manual:[4,15,58,61,62,63,64,65,66,67,68,69,70,71,72,99,102,104,110,111,112,113,118,124,125,128,130,159,164],manual_backward:113,manual_se:[2,15,18,165],manuallyargsmodel:113,map:[3,11,14,16,17,53,58,61,62,63,64,65,66,68,69,70,72,78,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,153,159,166],map_loc:[99,102,110,111,112,113,118,124,125,128,130,167],mape:[2,3,5,6,7,8,9,13,14,15,20,21,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,159,164,165],mapeloss:150,mapper:60,mar:73,march:[15,134],marek:[0,158],margin:[134,159,163,166],mark:[2,20,55,92,134],markers:15,market:161,marr:82,mase:82,mask:[57,61,62,63,64,65,66,67,68,69,70,71,72,89],mask_cat:71,mask_compon:[61,62,63,64,65,66,67,68,69,70,71,72],mask_num:71,master:[15,108,114,126],match:[2,4,15,16,35,36,50,53,54,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,150,155,156,163,166],match_begin:13,match_end:13,match_len:13,match_min_length:13,matched_rang:13,matej:[0,158],math:53,mathbb:149,mathcal:85,mathemat:[46,62,156],matplotlib:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,134,158,159,163,164],matric:[93,142],matrix:[13,53,54,69,142,153,154,155,159],matter:[0,2,158],max:[53,64,69,70,72,85,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,159],max_depth:115,max_epoch:[15,19,159],max_gap_s:134,max_lag:[5,7,14,154],max_lh:138,max_lr:[99,102,110,111,112,118,124,125,128,130],max_n_epoch:18,max_nr_compon:[14,134],max_nr_seri:79,max_number_seri:15,max_p:97,max_samples_per_t:[15,18,99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132,140,141,142,167],max_siz:126,max_slop:[13,55],max_t:[82,165],maxabsscal:[15,18,165],maxim:[0,123,134,154,158],maxima:13,maximum:[14,53,55,79,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,142,149,154,155],maxlag:154,maxpool1d:111,maxpool:111,mayb:[15,159],mb:[15,18,159,164],mbar:[99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132],mc_dropout:[18,99,102,110,111,112,118,124,125,128,130,163],mc_dropout_en:156,mcompetit:15,md5:[73,74],md:108,mean:[0,6,7,8,9,10,13,14,15,17,18,20,21,37,50,53,54,55,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,78,79,82,87,91,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,143,149,153,155,158,159,162,163,164,165,166,167],mean_absolute_error:150,mean_absolute_percentage_error:150,mean_attent:14,mean_dist:54,meanabsoluteerror:165,meanabsolutepercentageerror:[165,167],meaning:[14,125],means_clust:39,meant:[58,113,141,143],measur:[2,11,18,21,73,93,159,161,163,166,167],measure_ma:17,mechan:[7,14,85,86,87,89,113,130,150,153,156],median:[0,3,15,20,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,158,159],medium:73,medium_s:13,meet:[58,167],megalit:19,megalitr:73,megawatt:73,melbourn:73,member:[85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,154,156],memo:[85,86,87,89,113,150,156],memori:[2,14,15,18,21,49,53,58,73,74,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,136,142,150,152,156,164],memory_format:[85,86,87,89,150,156],memory_is_caus:89,memory_key_padding_mask:89,memory_mask:89,mention:[163,167],merchant:[85,87],mere:142,merg:[57,58,62,70,85,87,113,126,134],merge_covari:[57,58],mergesort:53,met:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],meta:[15,106,153,159],metadata:[15,74,153],metadata_rout:153,metadatarout:153,method:[0,2,3,11,16,17,18,20,21,23,24,25,26,27,28,29,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,85,86,87,88,89,91,92,93,94,95,96,97,98,99,100,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,128,130,131,132,133,134,136,139,142,143,149,150,151,153,154,156,158,161,163,164,165,166],method_to_elapsed_tim:15,method_to_smap:15,methodolog:161,metric:[0,2,3,4,5,6,7,8,9,13,14,15,16,17,18,19,20,21,22,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,149,158,164,165,167],metric_attribut:113,metric_column:165,metric_n:113,metriccollect:[15,99,102,110,111,112,113,118,124,125,128,130,159,165],michal:[0,158],microsecond:58,mid:163,mida:60,might:[2,4,14,15,16,18,20,21,72,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,140,141,154,161,164,166,167],migth:67,mileag:149,milk:[3,15,73,159],milk_cov:159,milk_covari:2,milk_month:2,milk_train_covari:2,milk_val_covari:2,milk_year:2,million:73,mimic:[100,108,109,118,132],min:[15,19,21,53,57,58,64,69,70,72,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,165,167],min_delta:[18,19,99,102,110,111,112,118,124,125,128,130,165,167],min_gap_s:151,min_lh:138,min_lr:[99,102,110,111,112,118,124,125,128,130],min_period:[72,134],min_samples_split:115,min_t:82,min_train_sampl:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],min_train_series_length:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],mind:[12,19],mini:2,miniconda3:17,minim:[13,16,18,54,69,91,123,154,159,165,167],minimis:[20,159,163],minimum:[6,13,21,53,57,58,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,151,159,167],minmaxscal:[3,5,7,9,16,19,70,71],mint:69,mint_cov:69,mintreconcili:[17,69],minut:[0,2,15,18,21,58,73,155,158],misalign:13,misconfigurationexcept:113,miss:[0,3,8,21,53,60,72,73,85,86,87,89,92,93,105,107,108,109,113,115,117,132,134,135,150,154,156,158,162],missing_kei:[85,86,87,89,113,150,156],missing_valu:[4,6,9,10,13,105,151,159],missing_values_fil:68,missing_values_ratio:151,missingvaluesfil:[8,59,68],mit:[73,85,87,126],mitig:[19,149],mix:[60,113,116],mixedcovari:143,mixedcovariatesinferencedataset:139,mixedcovariatesmodel:167,mixedcovariatessequentialdataset:140,mixedcovariatesshifteddataset:141,mixedcovariatestorchmodel:[99,102,110,111,112,118,124,125,128,129,130,143],mixedcovariatestrainingdataset:[140,141,143],mixin:113,mixtur:16,ml:[0,15,73,158,159],mle:62,mle_retv:17,mlp:128,mm:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163],mode:[18,19,21,53,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,151,156,161,165,167],model:[3,6,9,11,12,13,16,22,23,24,27,30,37,39,47,49,50,57,58,72,76,77,78,79,80,85,86,87,88,89,91,92,93,94,96,97,99,101,102,103,104,105,106,107,110,111,112,113,114,115,118,119,120,121,122,123,124,125,126,127,128,129,131,133,134,135,136,138,139,142,143,150,153,154,156,160,162,165,166],model_:159,model_air:[2,6],model_air_milk:2,model_arg:165,model_auto_regress:21,model_cl:[15,20],model_class:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],model_cr:[99,102,110,111,112,118,124,125,128,130],model_en:[6,9],model_finetun:167,model_fit_kwarg:32,model_futcov:2,model_futurecov:2,model_gru:2,model_kwarg:[20,167],model_load:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163],model_mod:127,model_nam:[2,5,6,7,8,9,10,18,19,20,99,102,110,111,112,118,124,125,128,130,164,165,167],model_nbeat:8,model_nhit:19,model_output:[50,149],model_param:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],model_pastcov:2,model_select:152,model_single_shot:21,model_sun:6,model_tid:19,model_tide_rin:19,model_trac:113,model_val_set:[18,165],model_varima:2,modelcheckpoint:113,modelclass:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163],modelmeta:106,modelmod:[15,104,127,154,157,159],modern:[0,158],modest:167,modif:[53,85,86,87,89,113,150,156,164],modifi:[21,53,72,85,86,87,89,113,126,134,150,153,154,156],modul:[0,2,9,13,23,27,37,53,85,86,87,89,99,102,110,111,112,113,118,124,125,126,128,130,150,156,158,164],module_nam:133,modulelist:[15,159],moment:[2,15,37,134],mon1:167,mon2:167,mondai:[73,167],monitor:[18,19,99,102,110,111,112,113,118,124,125,128,130,165,167],monoton:[54,134],mont:[21,85,99,102,110,111,112,118,124,125,128,130,156,159,166],montecarlodropout:[156,159],month:[0,2,3,4,5,6,7,14,15,17,20,21,57,58,62,63,67,73,96,97,98,99,100,101,102,105,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,134,155,158,159,161,165,167],month_co:[57,58],month_seri:[5,6,20],month_sin:[57,58],monthli:[2,3,4,15,17,67,73,105,123,159],monthly_seri:67,monthlymilkdataset:[2,3,15,73,159],monthlymilkincompletedataset:[3,73],more:[0,1,4,5,6,7,8,9,12,15,16,17,18,19,20,21,37,50,53,58,61,62,63,64,65,66,67,68,69,70,71,72,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,150,152,155,156,158,159,160,161,162,163,164,165,167],moreov:[138,140,141],most:[4,14,15,16,37,53,61,62,63,64,65,66,68,69,70,71,72,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,149,159,161,162,163,166,167],mostli:[11,13,15],motor:73,mounir:[0,158],move:[0,4,11,13,15,20,39,47,49,53,72,85,86,87,89,90,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,154,156,158,166,167],move_data_to_devic:113,moving_average_filt:94,movingaveragefilt:[0,13,94,158],mp:15,mpg:73,mro:106,ms:[15,21,67],mse:[19,82,122,149,163],mseloss:[14,99,102,110,111,112,113,118,124,128,130,159,164],mstl:154,mt_002:2,mt_008:2,mt_009:2,mu:[88,149],much:[2,4,6,12,13,14,15,16,159],mufl:[0,73,158],mull:73,multi:[2,7,14,15,16,54,85,86,87,89,103,109,111,113,115,117,125,130,134,150,153,156],multi_grid_radiu:[13,54],multi_model:[21,100,108,109,115,117,132,142],multi_serie_elec:2,multi_ts_support:82,multicollinear:16,multidimension:[163,166],multigrid_align:13,multilabel:153,multilay:128,multioutput:[100,108,109,115,117,132,153],multioutputregressor:[100,108,109,115,117,132,153],multipl:[0,14,15,17,18,19,20,21,23,24,29,31,32,33,37,39,47,49,50,53,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,142,153,154,157,158,159,160,161,164,167],multiple_t:3,multipli:[15,114],multiprocess:[123,164],multiprocessing_start_method:123,multivari:[0,11,14,16,18,21,23,24,25,26,27,28,37,38,39,40,41,42,43,44,45,46,47,48,49,50,67,70,73,74,77,78,79,82,96,97,100,101,102,107,108,109,110,111,112,114,115,117,119,121,131,132,134,142,149,151,154,155,158,159,160,161,162,167],multivariate_seri:163,multivariate_support:82,multivati:2,must:[2,15,16,20,21,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,55,57,58,61,62,63,64,65,66,67,68,69,70,71,72,78,80,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,149,150,154,155,156,161,163,167],mutabl:113,mutablemap:113,my:[114,162],my_cool_pickable_object:113,my_model:[5,7,9,14,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163,164,167],my_model_ic:14,my_model_sp:7,my_model_sun:5,my_multivariate_seri:166,my_seri:[134,167],my_series32:167,my_stopp:[99,102,110,111,112,118,124,125,128,130,165,167],mycallback:136,mylightningmodul:[113,136],mylikelihood:14,mymodel:113,mymodelclass:[99,102,110,111,112,118,124,125,128,130],mytransform:[64,69],n4sid:[0,15,93,107,158,159],n9bw:15,n:[0,2,5,7,13,14,16,17,18,19,21,31,32,39,47,49,53,54,55,57,58,63,64,69,73,82,85,86,87,88,89,95,96,97,98,99,100,101,102,103,104,105,107,108,109,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,138,139,140,141,149,150,154,156,158,161,162,163,164,165,167],n_cat_col:71,n_categori:16,n_compon:[61,62,63,64,65,66,67,68,69,70,71,72,134,142,149],n_epoch:[2,5,6,7,8,9,10,14,16,18,20,99,102,110,111,112,118,124,125,128,130,164,165,167],n_estim:115,n_featur:153,n_fmt:136,n_freq_downsampl:111,n_job:[3,18,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,153,159,165],n_jobs_multioutput_wrapp:[109,115,117],n_lagged_featur:142,n_lagged_label:142,n_observ:142,n_output:153,n_quantil:[14,149],n_random_sampl:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],n_restarts_optim:12,n_rnn_layer:[2,5,9,99,118],n_sampl:[61,62,63,64,65,66,67,68,69,70,71,72,103,134,142,149,153],n_samples_fit:153,n_target_vari:149,n_timestep:[61,62,63,64,65,66,67,68,69,70,71,72,134,149],n_trial:[18,165],naiv:[15,18,58,82,98,123,127,154,161],naive12_smap:15,naive12_smapes_m3:15,naive12_tim:15,naive12_time_m3:15,naive1_smap:15,naive1_smapes_m3:15,naive1_tim:15,naive1_time_m3:15,naive_ensembl:20,naive_forecast:[159,163],naive_model:[159,163],naivedrift:[0,20,95,98,158,159,161],naiveensembl:20,naiveensemblemodel:[0,20,95,98,158,159,161],naivemean:[0,95,98,158,161],naivemovingaverag:[0,95,98,158,161],naiveseason:[0,15,20,95,98,116,158,159,161,163],name:[2,3,7,13,15,16,17,18,19,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,74,77,78,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,153,155,156,159,161,164,165,166,167],named_buff:[85,86,87,89,113,150,156],named_children:[85,86,87,89,113,150,156],named_modul:[85,86,87,89,113,150,156],named_paramet:[85,86,87,89,113,150,156],namedtupl:[85,86,87,89,113,150,156],names_of_scor:[31,32,50],namespac:[106,113],nan:[12,18,59,63,67,68,72,73,92,105,134,150,151,154,159,162,165],nanosecond:58,nativ:[21,53,100,108,109,113,115,117,132],natur:[2,4,31,32,82,149,161,166],nav:120,nb_pred:15,nbeat:[8,15,110],nbeats_elapsed_tim:15,nbeats_interpretable_run:8,nbeats_m4_elapsed_tim:15,nbeats_m4_elapsed_time_m3:15,nbeats_m4_smap:15,nbeats_m4_smapes_m3:15,nbeats_model_air:15,nbeats_model_m4:15,nbeats_run:8,nbeats_smap:15,nbeatsmodel:[0,2,8,15,95,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,158,159,161,163,165,167],nbyte:53,nd:[53,142],ndarrai:[21,53,54,55,58,61,62,63,64,65,66,67,68,69,70,71,72,82,88,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,143,154,155],ndarray_subclass:53,ndim:[53,142],nearest:53,necessari:[2,13,15,18,53,62,63,64,69,70,93,96,97,101,107,113,114,119,121,131,157,159,163,164,167],necessarili:[2,159],need:[2,5,8,12,14,15,16,18,19,20,25,31,32,34,39,47,48,49,53,61,62,63,64,65,66,67,68,69,70,71,72,77,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,142,149,150,156,159,161,162,163,164,165,166,167],neg:[40,41,42,43,44,45,117,134,142,149,153,163],negative_binomial_distribut:149,negativebinomiallikelihood:149,neglig:[61,62,63,64,65,66,68,69,70,71,72],neither:[72,134],nest:[53,78,85,86,87,89,113,150,153,156,164],net:[5,85,86,87,89,99,102,110,111,112,113,124,125,128,130,150,156],net_b:[85,86,87,89,113,150,156],net_c:[85,86,87,89,113,150,156],network:[0,2,3,14,18,85,86,87,89,95,102,110,111,112,113,116,125,128,130,149,150,156,158,162,164],neuer:[0,158],neural:[0,2,3,87,95,102,110,111,112,116,124,125,128,130,149,158,162,164],neuron:[89,99,110,111,118,125,130,156],never:[2,15,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159],nevertheless:166,new_arr:53,new_ord:53,new_path:113,new_plot:[54,134],new_shap:53,new_valu:3,newbyteord:53,newbytord:53,newei:154,newli:[53,134],next:[2,9,10,12,14,15,19,21,53,58,59,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,155,159,161,164,167],nfoursid:[93,107,159],nhead:[7,130],nhit:[19,111],nhitsmodel:[0,19,95,111,158,161],nice:[4,14,16,18],nicholasjhana:73,nicola:[0,158],niki:130,nikolai:132,nikolopoulo:159,nixtla:[0,158],nlag:154,nlinear:[0,112,158],nlinearmodel:[0,95,112,158,161],nll:[37,149],nll_cauchy_scor:40,nll_exponential_scor:41,nll_gamma_scor:42,nll_gaussian_scor:43,nll_laplace_scor:44,nll_poisson_scor:45,nllscorer:[40,41,42,43,44,45,48],nmulti:16,nn:[5,7,9,14,15,85,86,87,89,99,102,110,111,112,113,118,124,125,126,128,130,150,156],no_grad:[85,86,87,89,113,150,156],noam:[125,130],nob:154,nobodi:3,node:[113,115],nois:[4,11,13,93,155,159],noise_dist:[11,12],noise_modul:[9,10],noiseless:11,noisi:[4,11,12,93],non:[2,15,16,17,18,53,57,61,62,63,64,65,66,68,69,70,71,72,82,85,86,87,89,113,123,131,134,142,150,154,156,159,163,164],non_block:[85,86,87,89,150,156],non_smooth:16,nonciti:[17,73],none:[2,4,6,8,9,10,14,15,16,18,19,20,21,31,32,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,74,77,78,79,80,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,143,144,149,150,152,153,154,155,156,157,159,165,167],nonfittableaggreg:[25,26,28],nonfittableanomalyscor:[38,46,48],noninfring:[85,87],nonzero:53,nor:[113,142],norm:[37,113],norm_:46,norm_coef:21,norm_scor:46,norm_typ:[14,125,130],normal:[2,5,7,8,11,14,18,19,33,37,53,87,88,99,102,110,111,112,113,123,124,125,127,128,130,136,149,159,163,164,165,167],normal_distribut:149,normalis:[2,20],normalize_i:159,normalized_shap:87,normscor:[23,37,46],notabl:[2,20,134,161,164,167],note:[2,3,5,7,11,14,15,16,18,20,21,37,46,53,55,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,82,85,86,87,89,92,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,152,153,154,156,159,160,161,162,163,164,165,167],notebook:[1,2,3,5,6,7,8,9,11,12,14,15,17,18,19,20,21,79,99,105,107,110,118,124,125,128,130,159,161,164,165],noteworthi:164,noth:[18,61,62,63,64,65,66,67,68,69,70,71,72,161,165],notic:[2,13,20,85,87,114,126,134,167],notimportedmodul:133,novemb:126,now:[2,3,4,5,7,9,10,13,14,15,16,17,18,20,21,53,61,62,63,64,65,66,67,68,69,70,71,72,113,159,163,164,167],nowindow:[54,55],np:[2,3,4,5,6,7,8,9,11,12,13,14,15,16,17,18,19,21,53,54,55,58,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,143,155,159,164,165,167],nr:114,nr_dai:18,nr_epochs_val_period:[5,6,7,8,18,99,102,110,111,112,118,124,125,128,130,165,167],nr_freqs_to_keep:[4,105],nr_param:[99,118],ns:[3,61,62,63,64,65,67,69,134],nstatic:16,nsw:[17,73],nt:[17,73],nthere:15,nuanc:161,nullifi:[61,62,63,64,65,66,68,69,70,71,72],num:[16,71,73,167],num_attention_head:[14,125],num_bin:154,num_block:[2,8,15,110,111,165],num_block_row:[11,93],num_class:113,num_decoder_lay:[7,128,130],num_encoder_lay:[7,128,130],num_epoch:15,num_featur:[85,86,87,89,113,150,156],num_filt:[6,10,18,20,124,165],num_lay:[2,6,8,10,15,20,99,110,111,113,118,124],num_layers_out_fc:99,num_loader_work:[15,18,99,102,110,111,112,118,124,125,128,130,165],num_paramet:[100,108,109,132,149],num_sampl:[0,9,10,11,12,14,16,18,20,21,32,78,88,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,158,159,163,165],num_stack:[2,8,15,110,111,165],num_train:[99,102,110,111,112,118,124,125,128,130],num_window:142,num_work:[18,99,102,110,111,112,118,124,125,128,130,164,165,167],numba:[119,121],number:[0,2,3,4,5,6,7,14,15,16,17,18,20,21,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,78,79,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,149,150,151,152,153,154,155,156,158,159,161,163,164,165,167],numer:[53,71,77,79,87,125,134,161,162],numpi:[2,3,4,5,6,7,8,9,11,12,13,14,15,16,17,18,19,21,46,53,59,66,68,71,72,109,134,139,142,143,155,159,164,165,166],nvidia:167,nxm:54,o:[0,15,53,54,85,86,87,89,113,150,156,158],obj:53,object:[0,2,3,6,8,9,10,14,15,16,17,18,19,29,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,79,85,86,87,89,99,100,102,107,108,109,110,111,112,113,115,116,117,118,124,125,128,130,132,133,134,142,149,150,152,153,154,155,156,158,159,161,163,165,166],observ:[0,2,11,13,20,21,23,29,32,33,61,62,63,64,65,66,67,68,69,70,71,72,78,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,138,139,140,141,142,154,158,159,163,166],observatori:73,obsolesc:101,obtain:[0,2,5,7,11,15,17,18,20,31,32,33,53,73,77,82,85,87,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,139,155,158,159,161,163,166,167],obviou:[13,159],obvious:159,occup:73,occur:[21,37,53,62,63,64,67,69,70,71,73,159,163],off:[8,18,134,157,159],offer:[0,8,13,15,18,21,23,158,165,166,167],offici:[99,102,110,111,112,118,124,125,128,130],offset:[53,54,67,72,134,142,155,159],often:[2,3,15,18,19,131,134,140,141,156,159,162,163,166,167],oil:[73,131],ok:[15,159],ol:[69,154],older:167,omegaconf:113,omiss:53,omit:[21,53],on_after_backward:[113,136],on_after_batch_transf:113,on_before_backward:[113,136],on_before_batch_transf:113,on_before_optimizer_step:[113,136],on_before_zero_grad:[113,136],on_epoch:113,on_except:136,on_fit_end:[113,136],on_fit_start:[113,136],on_gpu:113,on_load_checkpoint:[113,136],on_predict_batch_end:[113,136],on_predict_batch_start:[113,136],on_predict_end:[113,136],on_predict_epoch_end:[113,136],on_predict_epoch_start:[113,136],on_predict_model_ev:113,on_predict_start:[113,136],on_sanity_check_end:136,on_sanity_check_start:136,on_save_checkpoint:[113,136],on_step:113,on_test_batch_end:[113,136],on_test_batch_start:[113,136],on_test_end:[113,136],on_test_epoch_end:[113,136],on_test_epoch_start:[113,136],on_test_model_ev:113,on_test_model_train:113,on_test_start:[113,136],on_train_batch_end:[113,136],on_train_batch_start:[113,136],on_train_end:[113,136],on_train_epoch_end:[113,136,167],on_train_epoch_start:[113,136],on_train_start:[113,136],on_validation_batch_end:[113,136],on_validation_batch_start:[113,136],on_validation_end:[113,136],on_validation_epoch_end:[113,136,167],on_validation_epoch_start:[113,136],on_validation_model_ev:113,on_validation_model_train:113,on_validation_model_zero_grad:113,on_validation_start:[113,136],onc:[0,2,13,15,18,19,20,21,32,53,58,61,62,63,64,65,66,68,69,70,71,72,77,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156,158,159,161,163,167],one:[3,6,7,8,9,10,13,14,15,16,17,18,20,21,23,24,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,55,58,62,63,64,67,69,70,71,72,73,77,78,79,80,82,85,86,87,91,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,149,150,152,154,155,156,159,161,162,163,166,167],one_hot:[5,6,9,10,14,20,134,155],ones:[16,20,37,63,72,85,86,87,89,113,116,117,134,150,156],ongo:[0,158],onli:[2,4,5,7,12,13,14,15,16,18,19,20,31,32,37,39,47,50,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,78,79,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,136,139,140,141,142,143,150,151,152,153,154,155,156,157,159,161,162,163,164,165,166,167],onlinelibrari:120,onnx:113,onto:[53,99,102,110,111,112,118,124,125,128,130],op:82,open:[18,53,149],openreview:[99,102,110,111,112,113,124,125,128,130],oper:[53,59,61,62,63,64,65,66,67,68,69,70,71,72,73,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,156,166,167],opportun:166,oppos:142,opposit:[53,154],opt:113,optim:[5,7,9,13,17,19,20,53,54,62,69,85,86,87,89,92,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,150,156,160,167],optim_method:62,optimis:167,optimizer_cl:[99,102,110,111,112,113,118,124,125,128,130,167],optimizer_closur:113,optimizer_kwarg:[5,7,9,10,14,15,18,19,99,102,110,111,112,113,118,124,125,128,130,164,165,167],optimizer_step:113,optimizer_zero_grad:113,option:[0,4,10,14,15,16,20,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,74,77,78,79,80,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,133,134,138,139,140,141,142,143,149,150,151,152,153,154,155,156,158,159,161,163,165,166,167],optional_past_covari:58,optuna:[1,160],or_aggreg:28,oraggreg:28,orang:[0,15,17,21,158],ord:46,order:[2,5,14,15,17,18,20,21,31,32,46,53,54,59,61,62,63,64,65,66,67,68,69,70,71,72,78,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,140,141,142,149,150,154,156,159,166],ordereddict:[85,86,87,89,113,150,156],ordinalencod:[16,71],oreshkin:15,org:[0,8,9,10,15,19,27,39,46,49,58,67,73,85,96,111,115,123,124,125,128,130,131,134,138,142,149,150,154,155,156,158,164],orgin:12,orient:19,origin:[2,3,11,12,13,14,16,17,19,39,47,49,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,152,153,162,167],original_comp_nam:134,original_ma:13,os:15,oscil:9,oscillatori:9,ot:[73,131],otext:[62,63,69,142],oth:[17,73],other:[0,3,4,5,13,14,16,17,18,20,21,37,53,54,63,64,69,72,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,149,150,153,154,156,158,159,161,162,163,164,165,166],other_past_covari:161,otherwis:[2,21,53,59,61,62,63,64,65,66,67,68,69,70,71,72,79,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,141,142,149,150,152,153,155,156,157],otm:122,our:[0,2,3,4,5,6,7,12,13,14,15,16,17,18,20,21,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,158,159,161,162,164,167],ourselv:159,out:[2,3,9,10,14,15,16,18,20,21,53,54,58,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,140,141,150,156,161,163,167],out_featur:[85,86,87,89,113,150,156],out_len:[15,18,165],outcom:[62,63,64,67,69,70,71],outer:[2,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,58,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],outlin:[14,110,125,154],outpati:73,outperform:[2,4,8,20],output:[2,5,6,8,11,14,15,20,29,31,32,50,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,143,149,150,153,155,156,159,161,163,164,165,167],output_chunk_length:[2,5,6,7,8,10,14,15,16,18,19,20,21,57,58,77,78,79,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,138,139,140,141,142,159,161,163,165,167],outsid:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,154],over:[0,2,5,7,14,15,16,17,18,21,31,32,33,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,61,62,63,64,65,66,67,68,69,70,71,72,73,77,79,82,85,86,87,89,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,140,141,142,150,152,156,158,159,161,163,164,165,166,167],overal:[17,18,82],overcom:53,overfit:[2,18,19,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,165,167],overflow:53,overhead:[15,59,61,62,63,64,65,66,67,68,69,70,71,99,102,110,111,112,113,118,124,125,128,130,167],overlap:[16,82,142,152],overlap_end:[14,20,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],overrid:[98,99,102,103,110,111,112,113,118,124,125,128,130,136],overridden:[85,86,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156],overview:[73,160,167],overwrit:[59,89,100,108,132,149],own:[2,20,21,53,85,86,87,89,113,130,149,150,156,159,162,167],owndata:53,owner:53,p1:113,p2:113,p3:113,p:[2,15,53,73,85,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,154,156],p_valu:154,p_value_threshold_adful:154,p_value_threshold_kpss:154,pacf:154,packag:[2,15,17,18,21,73,93,101,119,120,121,122,164],pad:[102,117,134],page:[0,21,82,130,158,159],pai:18,pair:[2,13,17,21,38,40,41,42,43,44,45,46,48,54,73,82,113,140,141,159],pairwis:[39,47,48,49,82],pakistan:114,panda:[0,2,3,4,5,6,7,8,9,10,13,14,15,16,17,19,21,32,57,58,67,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,151,155,158,159,164,165,166,167],panel:166,paper:[0,2,14,15,19,85,110,111,112,123,127,156,158,162],par:18,parallel:[3,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,164,167],parallel_param:[61,64,65,69],parallelis:[59,61,62,63,64,65,66,67,68,69,70,71,72,82],paralleliz:130,parallelogram:55,param:[15,18,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,113,126,150,153,156,159,164,165],param_group:113,param_requires_grad_st:113,paramet:[0,1,2,3,4,6,11,13,14,15,16,20,21,23,25,26,27,28,29,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,149,150,151,152,153,154,155,156,157,158,161,163,164,166,167],parameter:149,parameter_column:165,parametr:[0,21,155,158,159,163,166],paramref:113,parent:[17,48,53,69,134,149,166],parmar:130,pars:113,part:[14,17,18,53,72,77,79,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,150,152,156,162,167],partial:[3,8,20,53,59,152,154],partial_fit:153,partial_fit_param:153,particular:[2,18,53,77,85,86,87,89,113,140,141,150,156,163],particularli:[2,11,113,159],particuliar:20,partit:[39,47,49,53,78,151],pasieka:[0,158],pass:[2,4,13,14,16,20,21,31,32,35,36,39,47,48,49,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,78,79,82,85,86,87,89,92,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,153,154,155,156,159,167],passeng:[0,2,62,63,73,158,159,164],past:[0,13,14,15,16,18,19,21,25,26,27,28,32,34,35,36,50,57,58,72,77,78,79,80,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,138,139,140,141,142,144,158,159,160,162,163,165,167],past_compon:58,past_cov:[77,78,99,100,102,108,109,110,111,112,115,117,124,125,128,130,132],past_covari:[2,6,10,14,20,21,32,58,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,138,139,140,141,142,143,159,161,163,167],past_covariates1:161,past_covariates2:[161,167],past_covariates_2:161,past_covariates_inf:58,past_covariates_pr:161,past_covariates_train:[58,161],past_covariates_train_inf:58,past_covariates_v:167,past_encod:58,past_target:[113,138,139,140,141,143],past_transform:58,pastcallableindexencod:58,pastcov:[100,108,109,115,117,132,142],pastcovari:143,pastcovariatesindexgener:[57,58],pastcovariatesinferencedataset:139,pastcovariatesmodel:141,pastcovariatessequentialdataset:[2,140],pastcovariatesshifteddataset:141,pastcovariatestorchmodel:[99,102,110,111,112,118,124,125,128,129,130,143,167],pastcovariatestrainingdataset:[99,102,110,111,112,118,124,125,128,130,138,140,141,143],pastcyclicencod:58,pastdatetimeattributeencod:58,pastintegerindexencod:58,path:[2,3,4,5,6,7,8,9,13,14,16,19,20,21,53,54,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156,163,167],pathlib:53,pathlik:[96,97,98,100,101,103,104,105,107,108,109,114,115,116,117,119,120,121,122,123,127,131,132],patienc:[18,19,99,102,110,111,112,118,124,125,128,130,165,167],patient:[73,166],pattern:[14,15,21,58,113,161,163,164,167],pc:[57,58],pd:[0,2,3,4,5,6,7,8,9,10,13,14,15,16,17,19,21,54,58,67,68,71,77,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,155,157,158,159,162,164,165,167],pd_datafram:[6,8,9,10,134,166],pd_seri:134,pdf:[8,73,123,125,127,156],peak:[20,53],pearsonr:62,pem:73,penalti:134,per:[2,3,14,15,17,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,53,57,58,62,67,70,73,77,79,89,99,100,102,108,109,110,111,112,113,115,116,117,118,124,125,128,130,132,134,138,139,140,141,142,149,159,161,163,164,166,167],percentag:[82,159],percentil:[0,14,134,158,159],perceptron:128,perfectli:[12,37],perform:[0,2,3,4,5,6,7,8,9,10,13,14,15,16,17,18,19,20,21,23,31,32,54,57,61,62,63,64,65,66,67,68,69,70,71,72,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,143,149,150,156,158,159,160,161,163,164],perhap:[53,159],period:[2,5,13,14,15,16,18,21,37,55,63,67,72,82,96,99,100,102,104,105,108,109,110,111,112,114,118,123,124,125,127,128,130,132,134,154,155,159],periodindex:67,permiss:[85,87,126],permit:[85,87,126],permut:[53,78],perserv:18,persist:[85,86,87,89,113,150,156,162],person:[31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,85,87,126],perturb:159,pet:73,petrik:[0,158],pg:113,ph:114,phase:[37,39,47,49,54,82,105,113,155],phenomenon:15,phi:85,phil:87,philippin:114,phillip:154,piazzetta:[0,158],pick:[15,78,99,102,110,111,112,118,124,125,128,130],pickabl:159,pickl:[15,53,85,86,87,89,96,97,98,100,101,103,104,105,107,108,109,113,114,115,116,117,119,120,121,122,123,127,131,132,134,150,156,163],picklabl:[85,86,87,89,113,150,156],pickup:73,pid:[99,102,110,111,112,118,124,125,128,130],pii:122,pin:[85,86,87,89,150,156],pinbal:[82,132,163],pip:[0,15,18,158,159,162,164],pipelin:[1,51,153],pitfal:149,pk:114,pkl:[96,97,98,100,101,103,104,105,107,108,109,114,115,116,117,119,120,121,122,123,127,131,132,163],pkl_kwarg:[96,97,98,100,101,103,104,105,107,108,109,114,115,116,117,119,120,121,122,123,127,131,132],pl:[99,102,110,111,112,118,124,125,128,130,167],pl_forecasting_modul:[99,113,118],pl_modul:[136,167],pl_trainer_arg:164,pl_trainer_kwarg:[2,6,8,9,10,15,16,18,19,99,102,110,111,112,118,124,125,128,130,136,164,165,167],place:[20,53,85,86,87,89,113,150,155,156,159,162],plai:[2,15],plan:2,plant:8,platform:53,pldualcovariatesmodul:[113,118],pleas:[61,62,63,64,65,66,67,68,69,70,71,72,82,85,86,87,89,99,102,104,110,111,112,113,118,124,125,128,130,142,150,153,154,156,163,167],plforecastingmodul:[99,113,118],plforecastinmodul:113,plfuturecovariatesmodul:113,plmixedcovariatesmodul:113,plot:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,54,78,79,99,102,110,111,112,118,124,125,128,130,134,154,158,159,163],plot_acf:[3,5,7,9,14,154,159],plot_align:[13,54],plot_attent:[14,79],plot_compon:114,plot_contour:18,plot_forecast_sum:17,plot_hist:[154,159],plot_model:15,plot_optimization_histori:18,plot_pacf:154,plot_param_import:18,plot_residuals_analysi:[3,154,159],plot_typ:[14,78,79],plot_variable_select:[14,79],plotli:4,plpastcovariatesmodul:[99,113],plsplitcovariatesmodul:113,plt:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,158,159,163,164],pltorchforecastingmodel:113,plu:[2,96,107,131,161],plug:[0,158],pmdarima:97,po:[57,58],point:[2,3,7,9,10,11,14,15,18,19,20,21,25,26,27,28,32,34,35,36,37,50,53,58,78,79,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,142,150,154,155,156,159,161,163,167],pointer:53,pointwis:[61,62,63,64,65,66,68,69,70,71,72],poisit:[61,62,63,64,65,66,68,69,70,71,72],poisson:[21,37,100,108,109,132,149,163],poisson_distribut:149,poissonlikelihood:[149,159],poissonnllscor:45,poissonregressor:109,poli:[4,105],polosukhin:130,polynomi:[4,105,110],pool:111,pooling_kernel_s:111,poor:[102,163],poorli:149,pop:[61,65,69,136],popul:[73,161],popular:[0,73,158],portion:[85,87,126],portugues:18,posit:[14,21,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,141,142,149,150,154,155,156,159],possess:53,possibl:[0,2,3,8,13,14,15,18,20,21,29,31,32,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,64,65,69,72,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,152,153,156,158,159,161,162,163,164,166],post:[0,85,86,87,89,113,121,150,156,158],postfix:136,posthoc:[17,69,166],potenti:[0,8,15,18,20,29,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,158,159,163,166,167],pottelbergh:[0,158],pound:[2,3,73,159],poundag:[6,8,9,10],power:[2,8,15,18,20,73,161,167],pp:116,pprint:17,pr:[29,37],practic:[3,12,15,20,49,159,163,164,165],pre:[15,17,18,73,78,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,116,117,118,119,121,124,125,128,130,131,132,136,149,150,156,166],pre_process_csv_fn:74,pre_process_zipped_csv_fn:74,preced:[110,111,138,163],precipit:73,precis:[25,26,27,28,33,34,35,36,50,53,113,159],precomput:153,pred:[2,9,10,15,16,17,18,21,82,96,97,98,99,100,101,102,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,161,163,165],pred_air:159,pred_anomali:50,pred_auto_regress:21,pred_batch_s:113,pred_best_theta:159,pred_catboost:21,pred_cov:2,pred_en:20,pred_ens_resc:20,pred_input:19,pred_lgbm:21,pred_linreg:20,pred_linreg_resc:20,pred_list:2,pred_milk:159,pred_multi_model:21,pred_n:113,pred_n_job:113,pred_naiv:20,pred_naive_resc:20,pred_num_sampl:113,pred_param:21,pred_roll_s:113,pred_sampl:21,pred_seri:[5,7,8,14,15,17,19,38,39,40,41,42,43,44,45,46,47,48,49,82],pred_series_et:[5,7],pred_single_model:21,pred_single_shot:21,pred_step:19,pred_tcn:20,pred_tcn_resc:20,pred_theta:159,pred_tim:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],pred_val:4,pred_xgboost:21,predefin:167,prediciton:[16,34,35,36],predict:[0,1,3,4,6,7,9,10,15,16,17,18,19,21,23,24,25,26,27,28,29,31,32,33,37,38,39,40,41,42,43,44,45,46,47,48,49,50,57,58,77,78,79,80,82,88,92,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,142,143,149,150,153,158,160,161,162,163,164,165],predict_dataload:113,predict_descript:136,predict_from_dataset:[99,102,110,111,112,118,124,125,128,130],predict_kwarg:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],predict_likelihood_paramet:[21,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149],predict_progress_bar:136,predict_raw:114,predict_seri:16,predict_step:113,predictor:[16,153],preds_st_bin:16,preds_st_cat:16,prefer:[5,53],prefix:[85,86,87,89,113,134,150,156],preliminari:123,prelu:[110,111],prepar:[1,11,12,113],prepare_data:113,prepare_data_per_nod:113,prepend:[85,86,87,89,113,134,150,156],prepend_valu:134,preprint:[102,112],preprocess:[3,5,7,9,15,18,70,71,165],presenc:[29,33,151],present:[2,8,17,69,73,74,99,102,105,107,110,111,112,113,117,118,124,125,128,130,134,142,159,161,167],preserv:[53,67,85,86,87,89,113,150,156],preset:[99,102,110,111,112,118,124,125,128,130],pressur:[73,99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132,166],pretend:[99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132],pretrain:[98,103,116],pretrain_ensembl:20,pretrained_ckpt_path:113,pretrained_model:113,pretti:4,prevent:[53,73,99,100,102,108,109,110,111,112,113,115,117,118,124,125,128,130,132,161],previou:[2,4,5,13,21,39,47,49,53,118,125,134,142,159],previous:[53,61,62,63,64,65,66,67,68,69,70,71,72,99,102,110,111,112,118,124,125,128,130,159],price:73,primari:113,prime_t:63,principl:3,print:[2,3,4,5,7,14,15,16,17,18,20,21,53,59,61,62,63,64,65,66,67,68,69,70,71,72,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,156,159,165],print_callback:[18,165],print_mae_on_subset:17,prior:[8,61,62,63,64,65,66,68,69,70,71,72,98,99,102,110,111,112,114,118,124,125,128,130,149,159,163],prior_alpha:149,prior_b:[149,159,163],prior_beta:149,prior_gamma:149,prior_lambda:149,prior_mu:[9,10,149],prior_p:149,prior_scal:114,prior_sigma:[9,10,149],prior_strength:[9,10,149],prior_xzero:149,prioriti:113,privat:[53,163],pro:18,probabalist:11,probabilist:[0,1,10,12,18,19,32,37,38,39,40,41,42,43,44,45,46,47,48,49,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,149,156,158,160,161,162],probabilistic_forecast:159,probabl:[2,11,14,18,49,85,101,110,111,128,140,141,149,154,159,163,165,166],probablist:21,problem:[2,4,5,15,16,20,21,53,159,162],problemat:2,procedur:[5,7,14,100,108,132],process:[0,15,18,21,22,61,62,63,64,65,66,67,68,69,70,71,72,80,85,86,87,89,90,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156,158,161,164,167],process_horizons_and_target:80,process_input:80,process_posit:136,processor:[59,61,62,63,64,65,66,67,68,69,70,71,72,82,99,102,110,111,112,118,124,125,128,130,159],prod:53,prodigi:114,produc:[0,3,5,8,11,13,14,15,18,20,23,29,37,53,64,69,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,158,159,163,166,167],product:[3,15,17,53,73,134,159,161,166],profil:113,prog_bar:[113,136],program:113,programat:163,programmat:17,progress:[2,3,6,8,9,10,15,16,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,155],progress_report:165,progressbar:[99,102,110,111,112,118,124,125,128,130],prohibit:[99,100,102,108,109,110,111,112,113,115,117,124,125,128,130,132],project:[0,128,158,162],promis:[16,18],propag:134,proper:[14,15,57,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,140,141,159,166],properi:113,properli:[2,53,113,139,162,163],properti:[17,19,21,38,39,40,41,42,43,44,45,46,47,48,49,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,149,150,156],prophet:[0,4,95,158,161],prophet_kwarg:114,prophet_model:114,proport:[17,32,69,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,152],propos:[0,101,112,158,165],protocol:[134,163],prov:[134,155],prove:[15,61,62,63,64,65,66,68,69,70,71,72],provid:[2,3,5,11,14,15,17,18,20,21,29,31,32,33,35,36,38,39,40,41,42,43,44,45,46,47,48,49,53,58,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,143,149,150,151,152,153,154,156,157,159,161,162,163,166,167],provinc:[134,155],prune:[18,165,167],pruner:165,ps:16,ps_no_st:16,ps_st_bin:16,ps_st_cat:16,pt:[99,102,110,111,112,113,118,124,125,128,130,163,167],ptl:163,ptp:53,publicli:74,publish:[85,87,126],pull:[0,158],pure:[8,19,21,115,149,167],purpl:[4,15],purpos:[21,53,85,87,155,159],push:163,put:[14,53,113],pvalu:154,py:[17,50,57,114,164],pyarray_resolvewritebackifcopi:53,pydata:[58,67,134,155],pyod:[0,47,49,158],pyod_scor:47,pyodscor:[0,37,158],pypi:53,pyplot:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,21,158,159,163,164],python3:17,python:[2,3,4,5,6,7,8,9,13,14,15,16,19,20,21,53,113,114,123,163,166,167],pytorch:[0,14,15,18,19,85,89,95,99,102,110,111,112,113,118,124,125,126,128,130,135,136,158,159,161,163,164,165,167],pytorch_lightn:[6,16,18,19,99,102,110,111,112,113,118,124,125,128,130,136,165,167],pytorchlightningpruningcallback:[18,165],pyyaml:[162,164],q0:[9,10],q1:73,q3:73,q:[2,15,96,102,112,121,131,149],qld:[17,73],qs:67,quadrat:[3,13,54,154],qualifi:[85,86,87,89,113,150,156],qualiti:[2,11,18,20,99,105,107,110,118,124,125,128,130,159],quantifi:[82,159],quantil:[0,10,14,16,20,21,33,50,82,100,103,108,109,116,132,134,149,158,163,166],quantile_detector:35,quantile_df:134,quantile_loss:82,quantile_timeseri:134,quantiledetector:[0,33,35,158],quantileregress:[10,14,125,149,159,163],quantileregressor:109,quantiles_df:134,quarter:[21,58,67,73],quarterli:[19,67,73,104],quarterly_season:114,quarterly_seri:67,queri:[85,86,87,89,113,125,150,156],question:[0,15,158,160],quick:[5,7,8,14,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,160],quickli:[13,15,18,113],quicksort:53,quickstart:[0,20,158,166],quit:[3,4,15,17,18,20,159],r1:134,r1ecqn4ywb:110,r2:[0,8,134,158],r2_score:[6,8,82,153],r55d9314a45a:130,r:[11,13,17,69,82,97,136,149,153,159],radian:[11,155],radiu:54,rai:160,raill:[0,15,158],rain:[21,99,100,102,108,109,110,111,112,115,117,124,125,128,130,132],raindur:[21,73],rainfal:[99,100,102,108,109,110,111,112,115,117,124,125,128,130,132],rais:[3,53,58,59,67,73,74,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,149,150,152,153,156,157,161,165],ram:[18,167],ramp:16,rand:11,randint:53,randn:[113,159],random:[2,4,11,12,15,16,18,21,53,71,95,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,154,155,156,159],random_component_valu:134,random_forest:115,random_method:156,random_st:[2,5,6,7,8,9,10,14,16,19,20,96,99,100,102,104,108,109,110,111,112,118,123,124,125,128,130,132,159,164],random_walk:155,random_walk_timeseri:155,randomforest:[0,15,20,21,95,115,117,158,159,161],randomforestregressor:[115,159],randomli:[78,167],rang:[2,13,14,15,21,55,58,73,77,79,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,155,159],rangeindex:[13,54,57,58,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,155,157,159,166],rank:113,rank_zero_onli:113,rapid:[0,158],rare:[12,53],rate:[2,18,19,67,73,99,102,110,111,112,113,118,124,125,128,130,136,149,162,163,166,167],rate_noinv_fmt:136,rather:[14,17,61,62,63,64,65,66,67,68,69,70,71,72,99,102,110,111,112,118,124,125,128,130],ratio:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,151],ravasi:15,ravel:53,raw:[15,17,23,33,47,53,72,73,78,128,134,149,159],raw_error:159,rbf:[12,159],rc:13,rdocument:73,rdrr:73,re:[3,15,18,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,149,150,156,159,162,164],reach:[15,159,167],read:[0,5,6,7,14,15,53,58,73,74,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,128,130,131,132,134,140,141,142,158,161,164,165,167],read_csv:[0,15,134,158],read_excel:15,readi:[159,164],readili:[18,23,163],readm:[20,159,163],readthedoc:[47,93,99,102,110,111,112,113,118,124,125,128,130],real:[12,15,53,159,163],realist:11,realiz:82,realli:[2,14,15,16,18,154],realloc:53,reappli:[62,70],rearrang:53,reason:[15,17,18,31,32,73,85,86,87,89,113,139,150,154,156,159,161,167],recal:[3,15,25,26,27,28,33,34,35,36,50],recap:167,recarrai:53,receiv:[15,21,72,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156,159,162],recent:[14,53,99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132,140,141,142,162,167],recip:[85,86,87,150,156],reclaim:152,recogn:[4,16],recommend:[0,5,7,8,14,18,31,32,99,102,108,110,111,112,113,116,118,124,125,128,130,134,142,158,159,160,164],recomput:123,reconcil:[1,69,134],reconcili:[0,60,134,158,166],reconcilied_pr:17,record:[21,73,85,86,87,89,113,134,150,156],recov:53,recreat:53,rectifi:85,recurr:[2,95,164],recurs:[13,53,85,86,87,89,113,150,154,156,159],red:[11,12,13,15,159],redefin:[62,63,64,69,70,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],reduc:[13,15,19,20,21,47,49,72,78,99,102,103,110,111,112,113,116,118,124,125,128,130,134,142,162,167],reduce_fx:113,reducelronplateau:113,reduct:[13,39,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159],reduction_factor:165,refactor:113,refcheck:53,refer:[0,15,17,18,21,39,46,49,53,58,61,62,63,64,65,66,67,68,69,70,71,72,73,85,86,87,89,96,99,101,102,104,110,111,112,113,115,116,119,120,121,122,123,124,125,127,128,130,131,134,142,149,150,154,155,156,158,159,161,162,163,166,167],referenc:[53,72,85,86,87,89,113,134,150,156],refin:13,reflect:[53,159],refresh_r:[16,136],reg:15,regard:[18,35,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],regardless:[39,46,47,49,62,63,64,69,70,85,86,87,89,113,150,156],region:[17,18,73,134,149,161],regions_reasons_city_comp:17,regions_reasons_comp:17,regist:[85,86,87,89,106,113,150,156],register_backward_hook:[85,86,87,89,113,150,156],register_buff:[85,86,87,89,113,150,156],register_forward_hook:[85,86,87,89,113,150,156],register_forward_pre_hook:[85,86,87,89,113,150,156],register_full_backward_hook:[85,86,87,89,113,150,156],register_full_backward_pre_hook:[85,86,87,89,113,150,156],register_load_state_dict_post_hook:[85,86,87,89,113,150,156],register_modul:[85,86,87,89,113,150,156],register_module_forward_hook:[85,86,87,89,113,150,156],register_module_forward_pre_hook:[85,86,87,89,113,150,156],register_module_full_backward_hook:[85,86,87,89,113,150,156],register_module_full_backward_pre_hook:[85,86,87,89,113,150,156],register_paramet:[85,86,87,89,113,150,156],register_state_dict_pre_hook:[85,86,87,89,113,150,156],reglu:[86,125,130],regress:[0,2,14,15,57,77,78,95,98,99,100,102,103,108,110,111,112,113,115,118,121,124,125,127,128,130,132,142,149,154,158,161,167],regression_ensemble_model:116,regression_model:[20,78,100,108,109,115,116,117,132,159],regression_train_n_point:[20,116,159],regression_train_num_sampl:[20,116],regression_train_samples_reduct:[20,116],regressionensembl:20,regressionensemblemodel:[0,20,95,116,158,159,161],regressionmodel:[0,20,57,58,75,95,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,158,159,161,163],regressionmodel_2020:[96,97,98,100,101,103,104,105,107,108,109,114,115,116,117,119,120,121,122,123,127,131,132,163],regressionmodelwithcategoricalcovari:[108,117],regressor:[21,116,117,153],regular:[2,20,53,156,159,163],regularis:149,reindex:134,reinterpret:53,reject:154,rel:[12,13,14,21,57,58,73,79,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,141,155,159,161],relat:[0,21,37,67,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,158,159,166],relationship:[21,37,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],releas:[85,86,87,89,113,150,156],relev:[2,4,14,15,21,53,105,134,153,154,167],reli:[2,12,20,21,67,99,101,102,110,111,112,118,119,121,124,125,128,130,138,139,140,141,159,163,166],reliabl:53,reload:[18,99,102,110,111,112,113,118,124,125,128,130,136,165],reload_dataloaders_every_n_epoch:113,reload_ext:[11,12],relu:[2,7,8,15,85,86,110,111,113,125,130],remain:[14,20,21,53,61,62,63,64,65,66,67,68,69,70,71,72,134,136,152],remark:15,rememb:2,remind:2,remov:[8,13,15,17,53,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,99,102,106,110,111,112,113,118,124,125,128,130,134,150,154,156,166],removablehandl:[85,86,87,89,113,150,156],remove_dupl:[85,86,87,89,113,150,156],remove_from_seri:154,remove_season:154,remove_trend:154,renam:134,render:21,reparameter:149,repeat:[4,14,15,16,17,53,98,114,159,167],repeatedli:[2,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134],replac:[5,20,53,67,68,72,106,113,134,150,151],replic:159,repo:[0,73,158],report:[18,61,62,63,64,65,66,67,68,69,70,71,72,73,123,165],repositori:20,repres:[0,2,3,4,15,16,17,24,25,26,27,28,32,34,35,36,39,47,49,50,58,63,69,72,77,78,80,99,100,102,106,108,109,110,111,112,113,115,117,118,124,125,128,130,132,134,139,143,149,154,158,159,161,163,166,167],represent:[7,53,55,85,86,87,89,113,134,150,156,166],reproduc:[0,2,15,18,21,158,159,165],reproject:13,request:[0,113,142,152,153,158],requir:[2,3,5,6,9,10,15,16,17,18,21,39,47,49,53,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,143,149,150,156,159,160,163,164,166],required_match:[4,105],requires_covariates_encod:80,requires_fit:[57,58],requires_grad:[85,86,87,89,113,150,156],requires_grad_:[85,86,87,89,113,150,156],requires_input:80,res_block:159,resampl:[2,13,21,67,73,134],resampled_nokwargs_t:134,resampled_t:134,rescal:[13,64,69],rescale_with_valu:134,research:[0,73,101,158],reset:[17,19,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,150,156],reset_dataloader_idx_track:136,reset_index:[6,8,9,10,15],reset_model:[99,102,110,111,112,118,124,125,128,130],reset_paramet:87,reshap:[13,53,61,62,63,64,65,66,67,68,69,70,71,72,110,111],residu:[37,39,47,49,69,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,153,154,159],resiz:[11,53],resize_nois:11,resolut:[13,106],resolv:[85,86,87,89,113,150,156],resourc:142,resources_per_tri:165,resp:163,respect:[0,2,5,15,31,32,35,36,39,47,49,53,57,58,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,150,156,158,159,162,163],respons:[73,113,159],rest:[13,53,113,159,164],restor:[19,99,102,110,111,112,113,118,124,125,128,130],restrict:[5,53,85,87,126,127,154],result:[1,2,3,4,11,13,14,15,16,20,21,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,72,73,75,78,79,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,150,152,154,155,156,159,162,163,167],result_accumul:19,results_df:19,resum:[18,99,102,110,111,112,118,124,125,128,130,167],retain:[2,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,153],retain_period_common_to_al:157,retained_compon:2,retrain:[2,5,6,7,8,9,10,14,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],retrain_forecasting_model:[20,103],retriev:[11,19,67,78,99,102,110,111,112,118,124,125,128,130,134,136,142,163],return_model_predict:[31,32],return_t:[61,62,63,64,65,66,67,68,69,70,71,72],reus:[15,72,78,134,162],reusabl:85,revers:[19,53,59,87,99,102,110,111,112,113,124,125,128,130],reverse_transform:67,revert:[0,158],revisit:2,rf_smape:15,rf_time:15,rg:124,rho:[82,159],rho_risk:[82,159],rich:[0,18,158,159,163],rick:[0,158],rico:87,ridg:[15,20,21,117,159],right:[3,15,17,72,82,85,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,139,142,143,150,159,163,166],rin:19,rinorm:[19,87,99,102,110,111,112,113,124,125,128,130],risk:[18,82,159],river:[6,8,9,10],rmse:[16,82],rmsewithuncertainti:100,rmsle:82,rmsnorm:[87,125,130],rng:156,rnn:[1,2,5,99,118,159,163,164],rnn_model:[5,118,164],rnn_test:2,rnnmodel:[0,2,5,6,9,95,99,102,110,111,112,118,124,125,128,130,158,159,161,164,167],rnnmodel_2020:[99,102,110,111,112,118,124,125,128,130],road:73,rob:17,robjhyndman:[73,123,127,150],robust:20,roc:[29,37],roll:[39,47,49,67,72,134],roll_siz:[99,102,110,111,112,113,118,124,125,128,130],rolling_sum_3_comp_0:134,rolling_udf_5_comp:[72,134],room:[0,158],root:[82,87,154,164],root_path:74,roughli:[2,18,159],round:[15,20,21,53,125],rout:153,routin:136,row:[15,16,17,21,53,55,67,72,93,134,166],rr:159,rrelu:[110,111],rst:53,rtx:167,ru:114,rule:[67,103,151,161],run:[2,3,4,6,8,9,10,13,15,18,21,54,59,61,62,63,64,65,66,67,68,69,70,71,72,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,150,156,159,164,165,167],running_mean:[85,86,87,89,113,150,156],running_var:[85,86,87,89,113,150,156],runtim:[13,85,86,87,89,113,150,156],runtimeerror:[53,85,86,87,89,113,150,156],russia:114,ruud:101,s0169207016300243:122,s1:[53,69],s3:53,s:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,19,20,29,31,32,33,39,53,59,61,62,63,64,65,66,67,68,69,70,71,72,73,80,85,86,87,89,96,97,99,100,102,104,106,108,109,110,111,112,113,114,115,117,118,121,124,125,128,130,132,134,136,141,142,143,149,150,153,154,155,156,158,159,161,163,164,165,166,167],sa:[17,73],safe:[53,72,113,134],safer:53,sai:[2,77,78,85,86,87,89,113,150,156,159,161,166],said:19,sake:[2,5,17,78,159,165],sako:13,sakoechiba:[54,55],sakoechiba_align:13,sale:[19,73,167],salt:159,same:[0,2,3,4,5,11,12,13,14,16,18,20,21,25,27,29,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,58,61,62,63,64,65,66,67,68,69,70,71,72,79,80,82,85,86,87,89,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,149,150,154,155,156,157,158,159,161,163,166,167],same_kind:53,sampl:[0,2,3,15,18,19,20,21,25,26,27,28,29,32,34,35,36,39,47,49,50,59,60,61,62,63,64,65,66,68,69,70,71,72,73,78,82,88,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,140,141,142,149,152,153,154,155,156,158,159,161,163,166,167],sample_freq:73,sample_img:113,sample_s:[11,12],sample_weight:153,sampler:113,samuel:[0,158],san:73,saniti:[17,20,99,102,110,111,112,113,118,124,125,128,130,136,152,167],sanity_check_descript:136,satisfactori:[31,32,99,102,110,111,112,118,124,125,128,130],satisfi:[53,140,141,152,167],saturating_forecast:114,save:[19,20,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,156,160],save_checkpoint:[2,5,6,7,8,9,10,18,19,99,102,110,111,112,118,124,125,128,130,163,165,167],save_hyperparamet:113,save_model:163,saw:167,sba:101,scalabl:164,scalar:[0,2,53,58,73,82,149,158,166],scale:[0,2,3,6,8,9,10,14,15,18,19,20,37,62,64,69,70,71,82,111,113,114,134,149,158,159,162,163,164,165],scaled_valu:13,scaler:[2,5,6,7,8,9,10,14,15,16,18,19,20,58,59,60,61,62,63,64,65,66,67,68,69,71,72,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,159,163,164,165,167],scaler_air:[2,15],scaler_cov:14,scaler_covari:2,scaler_dataset:2,scaler_en:[6,9,10],scaler_m3:15,scaler_m4:15,scaler_milk:2,scaler_month:20,scaler_sunspot:7,scenario:[20,21,57],scene:[117,149,159,161,163,166],schedul:[19,99,102,110,111,112,113,118,124,125,128,130,165,167],scheme:[134,154],schmidt:154,schwert:154,scienc:[21,122,162],sciencedirect:122,scientif:[0,158,159],scientist:159,scikit:[0,3,12,15,24,39,70,71,92,116,117,158,159],scipi:[13,49,62,72,134],score:[0,15,20,23,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,153,158,159],score_from_predict:[23,37,38,39,40,41,42,43,44,45,46,47,48,49],score_kwarg:31,scorer:[0,23,29,31,32,47,48,49,50,158],scorer_nam:[38,39,40,41,42,43,44,45,46,47,48,49],scov_1_comp_1:142,scov_1_comp_2:142,scov_2_comp_1:142,scov_2_comp_2:142,scratch:[3,98],screen:20,script:[113,164],scriptmodul:[86,87,113,156],se:[127,149],seamlessli:[2,18],search:[13,18,54,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,158,165],searchsort:53,season1:[9,10],season:[2,4,5,8,14,15,21,63,73,82,96,98,104,105,110,114,123,127,154,161],season_length:[119,120,121,122],season_mod:127,seasonal_decompos:154,seasonal_forecast:159,seasonal_model:159,seasonal_ord:96,seasonal_period:[5,104,114,123,159],seasonality_period:127,seasonalitymod:[15,104,127,154,157,159],second:[11,15,53,58,61,62,63,64,65,66,68,69,70,71,72,73,85,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,152,154,155,167],second_order_diff:63,second_seri:16,section:[15,16,20,58,113,159,161,163,164,167],secur:21,see:[0,2,3,4,5,6,8,9,11,12,14,15,16,17,18,19,20,21,53,54,57,58,61,62,63,64,65,66,67,68,69,70,71,72,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,149,150,151,153,154,155,156,158,159,161,163,164,166,167],seed:[2,11,12,15,16,21,53,109,123],seem:[2,16,17,18,154,159],seemlessli:14,seen:[1,2,11,15,18,37,73,113,161,163,167],segment:53,seitzer:149,select:[2,4,14,53,54,78,79,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,135,138,155,164,165,167],select_best_model:127,self:[1,15,21,31,32,34,35,39,47,48,49,53,57,58,61,62,63,64,65,67,69,70,71,74,77,85,86,87,89,93,96,97,98,99,101,102,104,105,107,110,111,112,113,114,118,119,120,121,122,123,124,125,127,128,130,131,134,136,150,153,156,167],sell:[85,87,126],selu:[110,111],semilogx:15,send:[0,113,158],sennrich:87,sens:[5,14,15,103,116,118,152,162],sensit:18,sensor:[11,73,166],sep:[53,73,136],separ:[3,8,21,31,32,37,50,53,100,108,109,113,115,117,132,134,142,153,159,164],seq2seri:157,sequenc:[2,3,25,26,27,28,31,32,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,58,59,61,62,63,64,65,66,67,68,69,70,71,72,78,79,80,82,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,151,152,154,155,157,159,163,166,167],sequencedataset:141,sequenti:[2,3,14,59,61,62,63,64,65,66,67,68,69,70,71,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,137,150,156,159,166,167],sequential_dataset:140,sequentialencod:[56,57,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132],sequentialencodertransform:[57,58],seri:[4,5,6,7,8,11,12,14,17,18,19,21,23,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,87,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,130,131,132,134,135,138,139,140,141,142,149,150,151,152,157,160,161,162,164,165],serial:[85,86,87,89,113,150,156],series1:[16,53,54,55,73,159,163,166],series1_y_offset:54,series2:[16,53,54,55,159,163,166],series2_y_offset:[13,54],series2seq:157,series3:163,series4:163,series_:[142,159],series_air:[2,159],series_air_sc:2,series_en:[6,9,10],series_en_transform:[6,9,10],series_fil:68,series_hol:159,series_ic:14,series_ice_heat:14,series_ice_transform:14,series_milk:[2,159],series_milk_sc:2,series_multi:[16,134],series_new1:134,series_new2:134,series_nois:159,series_or_tim:142,series_restaur:66,series_sc:[7,8],series_singl:16,series_sp_sc:7,series_sp_transform:[5,6],series_sunspot:[5,6,7],series_transform:[5,14,16,59,62,66,70,71,164],seriou:18,serv:[2,18,82,99,102,110,111,112,118,124,125,128,130,134,155],servic:73,set:[0,2,6,7,8,10,12,15,17,18,19,20,21,31,32,35,36,37,39,46,47,49,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,74,78,82,85,86,87,89,92,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,140,141,142,150,151,152,153,154,155,156,158,159,162,163,164,165,167],set_config:153,set_extra_st:[85,86,87,89,113,150,156],set_facecolor:17,set_fit_request:153,set_mc_dropout:[99,113,118],set_n_job:[61,62,63,64,65,66,67,68,69,70,71,72],set_param:153,set_partial_fit_request:153,set_predict_paramet:113,set_score_request:153,set_titl:[2,13,15,20],set_to_non:[85,86,87,89,113,150,156],set_verbos:[61,62,63,64,65,66,67,68,69,70,71,72],set_ylim:[2,20],setfield:53,setflag:53,setpoint:11,setup:[0,1,18,21,113,136,158,164,167],sever:[0,2,9,17,18,20,31,32,77,78,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,150,156,158,161,163,166,167],sf_auto_arima:119,sf_auto_c:120,sf_auto_et:121,sf_auto_theta:122,sgd:[18,167],shall:[85,87,123,126],shallow:[85,86,87,89,113,150,156],shap:[0,21,75,77,158],shap_explain:[21,78],shap_explanation_object:77,shap_method:78,shap_object:[77,78],shap_valu:21,shape:[11,12,13,14,15,21,50,53,54,55,58,61,62,63,64,65,66,67,68,69,70,71,72,82,89,99,113,118,125,134,139,142,149,153],shape_a:53,shapexplain:[21,77,78],shapexplainabilityresult:[77,78],shaps_:78,shard:113,share:[2,19,53,86,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142,156,166],share_memori:[85,86,87,89,113,150,156],share_memory_:[85,86,87,89,113,150,156],shared_tim:142,shared_weight:[102,112],sharp:13,shazeer:[125,130],shift:[0,13,21,55,67,87,99,102,110,111,112,113,124,125,128,130,134,137,155,158,159],shift_covari:141,shifted_dataset:141,shifteddataset:[118,141],shin:154,ship:21,shop:167,shorten:2,shorter:[4,13,18,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,140,141],shortest:15,shot:[14,15,21,99,100,102,108,109,110,111,112,113,115,117,124,125,128,130,132],should:[2,15,16,31,32,37,39,47,49,53,58,61,62,63,64,65,66,67,68,69,70,71,72,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,153,154,155,156,159,162,164,167],show:[2,4,5,6,7,8,9,11,12,14,15,16,17,20,21,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,53,79,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,142,150,156,159,161,165,167],show_anomali:[29,31,32,39,47,48,49],show_anomalies_from_predict:[38,39,40,41,42,43,44,45,46,47,48,49],show_anomalies_from_scor:50,show_cost:54,show_index_a:[14,79],show_plot:79,show_seri:[13,54],show_warn:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],showcas:[1,161],shown:[2,15,21,79,96,97,98,99,100,101,102,104,105,107,108,109,110,111,112,113,114,115,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,162,163,164,167],shrink:53,shutil:[5,7,9,19],side:[13,53,55,102,161,167],sigma:149,sigmoid:[110,111],signal:[4,11,12,13,72,93,107,134,163],signatur:[82,85,86,87,89,106,113,142,150,156],signific:[11,18,19,105,113,151,154,159],significantli:[4,13,18,142,167],silent:[85,86,87,150,156],silicon:15,sim:85,similar:[0,2,3,13,15,20,35,53,66,82,85,86,87,89,97,111,113,114,128,134,142,150,156,158,159,166,167],similarli:[2,15,17,19,53,66,72,85,86,87,89,109,111,113,128,134,142,149,150,156,159,161,167],simpl:[2,3,4,9,11,12,13,17,20,21,31,32,53,85,86,87,89,94,98,99,102,103,105,107,110,112,113,116,118,124,125,127,128,130,139,150,152,153,156,159,161,165,166,167],simplemodel:113,simpler:[159,161],simplerangescal:[64,69],simpletransform:[61,65,69],simplex:149,simpli:[2,4,13,17,20,37,38,53,57,61,62,63,64,65,66,67,68,69,70,71,72,98,103,116,130,134,142,159,163,167],simplic:[17,18,21,159],simplifi:[8,13,21,53,73,149],simplified_nam:149,simul:[0,5,6,158],simultan:[15,53],sin:[11,58,134,155,159],sinc:[2,3,4,5,6,7,13,14,15,20,21,53,63,85,86,87,89,103,113,116,142,149,150,152,156,159,164],sine:[2,9,16,58,96,97,107,114,119,121,155],sine_seri:16,sine_series_st_bin:16,sine_series_st_cat:16,sine_timeseri:[2,9,10,12,16,155,163],sine_v:16,singapor:73,singl:[0,2,9,10,12,14,16,17,18,20,23,24,35,36,49,53,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,78,79,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,142,149,150,152,154,156,157,158,159,161,163,165,166,167],single_model:21,singleargmodel:113,singleencod:[56,57],sinusoid:155,site:17,situat:[162,166],sixth:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],size:[2,7,13,14,15,16,18,21,34,35,36,37,39,47,49,50,53,54,55,58,69,72,79,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,140,141,142,150,152,154,155,156,159,164,166],skew:134,skip:[3,8,14,18,53,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156],skip_check:[99,102,110,111,112,118,124,125,128,130],sklearn:[0,3,5,7,9,12,15,18,19,20,21,27,70,71,92,100,108,109,115,117,132,142,153,158,159,165],skrodzki:[0,158],slice:[2,5,13,14,15,37,39,53,99,102,110,111,112,118,124,125,128,130,134,138,140,141,143,153,157,159,161,163,167],slice_index:157,slice_intersect:[9,10,134],slice_n_points_aft:134,slice_n_points_befor:134,slide:[49,98],sliding_window_view:142,slightli:[13,15,17,18,159,161,165],slope:[55,159],slow:[15,164],slower:[15,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],small:[15,18,20,59,61,62,63,64,65,66,67,68,69,70,71,142,152,159],small_siz:13,smaller:[13,53,55,124,134,142,159],smallest:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142],smape:[2,15,18,82,150,165],smape_v:[18,165],smapeloss:[15,150],smapes_2:15,smapes_3:15,smapes_4:15,smapes_m3:15,smart:159,sme:73,smooth:[0,4,5,11,12,15,16,73,95,101,120,127,158,159,163],snapshot:163,snip:167,snippet:163,so:[2,3,8,9,12,13,16,17,18,21,53,61,62,63,64,65,66,68,69,70,71,72,73,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,141,143,149,150,152,153,156,157,159,163,164,166,167],societi:73,softplu:[110,111],softwar:[85,87,126],solar:[21,73],solut:[54,58,127],solv:[4,134,159,162],solver:[13,54],some:[0,1,2,3,4,9,13,15,16,17,18,20,21,23,29,33,35,37,53,54,57,58,61,62,63,64,65,66,68,69,70,71,72,73,78,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,138,139,140,141,149,150,152,153,156,158,160,161,162,163,164,165,166,167],some_column:125,some_compon:77,some_dtyp:53,some_other_st:113,some_sklearn_model:15,some_st:113,somecomponentbasedexplain:77,someforecastingmodel:[58,161],somehorizonbasedexplain:77,someon:3,someth:[53,85,86,87,89,113,136,150,156],something_cool_i_want_to_sav:113,sometim:[2,3,21,53,85,99,102,104,110,111,112,118,124,125,128,130,159,163,166],sometorchforecastingmodel:[58,167],somewhat:[13,15],somewher:[15,16],soon:2,sore:73,sort:[2,53,142,159,166],sorter:53,sourc:[0,18,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,85,86,87,88,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,133,134,136,138,139,140,141,142,143,144,149,150,151,152,153,154,155,156,157,158],south:17,sp:15,space:[11,18,39,53,58,73,93,156,165],span:[2,57,82,99,102,110,111,112,118,124,125,128,130,134,138,140,141,157,159,160,163,166],spars:153,sparsecostmatrix:53,spawn:[54,99,102,110,111,112,118,123,124,125,128,130,134],speak:[118,161,167],special:[2,19,161,165],specif:[4,8,15,16,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,82,99,102,110,111,112,113,118,124,125,128,130,134,142,149,159,161,163,164,166],specifi:[0,2,3,6,15,16,17,18,20,21,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,149,150,154,155,156,158,159,161,163,166,167],specifici:15,specifii:114,speed:[2,3,5,13,15,18,53,54,73,167],speedup:[159,167],spelt:53,spend:15,spent:15,spike:159,split:[0,4,6,8,9,10,14,15,17,18,19,21,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,140,141,152,158,159,165,166,167],split_aft:[3,4,5,6,7,8,9,10,14,19,20,21,134,159,164,165,167],split_befor:[0,3,14,134,158,159],split_point:[134,157],splitcovari:143,splitcovariatesinferencedataset:139,splitcovariatesmodel:167,splitcovariatessequentialdataset:140,splitcovariatesshifteddataset:141,splitcovariatestorchmodel:[129,143],splitcovariatestrainingdataset:[140,141,143],splitter:152,spot:[0,158],sqrt:[53,82],squar:[3,82,87,153],squarer:3,squeez:53,src:[89,130],src_key_padding_mask:89,src_mask:89,ss:163,ssig:[0,158],st:16,stabil:87,stabl:[27,46,53,58,67,99,102,110,111,112,118,124,125,128,130,131,134,142,155],stack:[2,5,8,11,14,15,16,20,21,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,159,161,163],stack_sampl:[61,62,63,64,65,66,67,68,69,70,71,72],stackexchang:121,stadt:73,stage:[2,5,6,8,9,10,113,136,154,163,167],stai:161,stall:113,stamp:[2,18,32,73,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,163,166],stand:[16,58,71,123,167],standard:[4,7,53,122,134,136,149,155],standardis:2,start:[2,5,6,7,8,9,10,11,13,14,15,16,18,20,32,53,55,58,59,63,67,68,72,77,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,141,152,154,155,157,159,162,164,167],start_column0:55,start_dat:[8,15,21],start_format:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],start_month:15,start_p:97,start_q:97,start_t:134,start_tim:[2,5,6,8,9,10,13,14,15,21,134,142],start_valu:[3,64,69,155],start_year:15,starting_valu:155,startingd:15,stat:[49,62,121,134,154],state:[0,2,5,8,9,10,11,19,21,73,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,150,155,156,158,162,163],state_dict:[85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,136,150,156],state_kei:136,static_col:[16,134],static_cov:[71,134],static_cov_1:134,static_cov_2:134,static_covari:[16,61,62,64,65,69,70,71,134,138,139,140,141,142,143,161,166],static_covariates_import:77,static_covariates_transform:[71,125],static_covariates_valu:134,static_covs_multi:[16,134],static_covs_singl:16,staticcovariatestransform:[16,71,125],staticmethod:[61,64,65,69],station:73,stationar:[63,131,154],stationari:[63,80,134,154],stationarity_test:154,stationarity_test_adf:154,stationarity_test_kpss:154,statist:[0,3,5,7,8,9,14,21,95,96,97,98,99,100,101,102,104,105,107,108,109,110,111,112,114,115,117,118,119,120,121,122,123,124,125,127,128,130,131,132,135,158,159,161],statsforecast:[0,88,101,119,120,121,122,158,162],statsforecast_util:88,statsforecastautoarima:[0,95,97,158,161],statsforecastautoc:[0,95,158,161],statsforecastautoet:[0,95,158,161],statsforecastautotheta:[0,95,158,161],statsmodel:[17,96,104,131,154],stattool:154,statu:[61,62,63,64,65,66,67,68,69,70,71,72],std:[9,10,11,12,18,53,72,88,134,155],stdin:53,steadi:11,steeper:[13,55],step:[2,3,7,13,14,15,16,18,20,21,26,28,33,53,57,58,59,62,63,64,67,68,69,70,72,78,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,141,149,153,155,159,161,165,166,167],stephan:121,still:[2,4,15,18,21,53,99,102,107,110,111,112,118,124,125,128,130,142,159,160,161],stl:154,stm:122,stochast:[0,3,18,40,41,42,43,44,45,50,62,70,82,92,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,154,158,166],stop:[13,15,18,19,59,68,99,102,110,111,112,118,124,125,128,130,150,159,165],storag:[53,85,86,87,89,113,134,150,156,164],store:[2,3,9,19,21,53,55,58,61,62,63,64,65,66,67,68,69,70,71,72,77,79,85,86,87,89,99,102,106,110,111,112,113,118,124,125,128,130,134,136,150,156,161,163,166],str:[4,6,8,9,10,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,149,150,151,152,153,154,155,156],strategi:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,164],strength:[149,163],strglo:[21,73],strict:[85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,150,156],strictli:[18,54,85,86,87,89,99,102,110,111,112,113,117,118,124,125,128,130,149,150,156],stride:[2,5,6,7,8,9,10,14,20,39,47,49,53,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,139,142,150,156],stride_trick:[53,142],strided_moving_window:142,strides_a:53,string:[53,57,58,67,72,78,80,85,86,87,89,99,102,108,110,111,112,113,117,118,124,125,128,130,134,142,150,153,155,156],strip:[21,67,134],strong:[4,21],stronger:9,strongli:164,structur:[53,113,142],studi:[18,165],style:[15,53,54],sub:[2,15,21,53,57,58,125,151,153,157,161],subclass:[53,57,58,85,86,87,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,150,156],subject:[2,73,78,85,87,126,164],sublicens:[85,87,126],submodul:[0,85,86,87,89,113,150,156,158,167],subobject:153,subok:53,subplot:[2,15,19,20,79],subprocess:164,subroutin:[82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],subsect:[161,167],subsequ:[37,39,47,49,53,64,69,85,86,87,89,105,113,150,156],subseri:[151,167],subset:[17,37,78,167],subslic:15,substanti:[85,87,126,167],subtil:20,subtract:[4,96,112,131,159],succe:15,success:[2,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,156,159],successfulli:164,suffer:18,suffici:[2,15,31,32,99,102,110,111,112,118,124,125,128,130,159],suffix:134,suggest:[0,11,18,53,98,99,102,104,110,111,112,118,124,125,128,130,134,158,159,162,167],suggest_categor:[18,165],suggest_float:[18,165],suggest_int:[18,165],suit:[4,5,23],suitabl:[0,7,53,130,158,167],sum:[9,10,15,17,21,53,54,63,72,113,134,153],sum_:[82,150],sum_city_nonc:17,sum_i:149,summari:[78,85,99,102,110,111,112,118,124,125,128,130,156,160],summaris:69,summary_plot:[21,78],summarywrit:[7,9],summer:54,sun1:167,sun_gru:5,sun_spots_transform:7,sundai:73,sunspot:[7,13,73],sunspotsdataset:[5,6,7,13,73],supervis:[15,20,21,99,102,110,111,112,117,118,124,125,128,130,159],suppli:[14,16,57,58,61,62,63,64,65,66,68,69,70,71,72,73,92,139,161,167],support:[0,2,3,14,16,17,18,20,21,32,53,55,57,58,78,82,85,91,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,151,152,153,154,158,159,160,162,166],supports_future_covari:[96,97,98,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],supports_likelihood_parameter_predict:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],supports_multi_t:163,supports_multivari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],supports_optimized_historical_forecast:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],supports_past_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,119,120,121,122,123,124,125,127,128,130,131,132],supports_static_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],supports_transferrable_series_predict:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],suppos:[3,142],suppress:114,suppress_stdout_stderror:114,suppress_warn:134,sure:[2,6,20,21,53,99,102,110,111,112,113,118,124,125,128,130,162,163],surprisingli:4,suscept:2,suspicion:58,swap:53,swapax:53,sweep:[99,102,110,111,112,118,124,125,128,130],swiglu:[86,125,130],swiss:73,switzerland:[15,21,73],sy:53,symmetr:[82,134],sync:113,sync_dist:113,sync_dist_group:113,sync_grad:113,synchron:113,syntax:53,synteto:101,synthet:11,system:[0,15,18,73,87,93,107,113,130,158,159],systemerror:53,t0:21,t:[2,3,4,6,9,14,15,16,17,18,21,53,61,62,63,64,65,66,67,68,69,70,71,72,73,78,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,150,153,154,155,156,159,161,162,163,164,167],t_0:[77,78],t_0_target_lag:[77,78],t_1:[77,78],t_1_target_lag:[77,78],t_destin:[85,86,87,89,113,150,156],t_i:21,ta:[17,73],tab:15,tabl:[0,2,20,142,154,161,167],tabular:[15,21,117,142,159],tabularizion:21,tafti:[0,158],tag:[58,113],tail:[134,149],tailor:58,take:[0,2,3,9,11,12,15,18,20,21,23,24,29,33,37,53,54,57,58,61,62,63,64,65,66,67,68,69,70,71,72,76,77,78,82,85,86,87,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,150,154,155,156,158,159,163,166,167],taken:[3,20,61,69,73,114,126,134],takes_future_covari:58,takes_past_covari:58,tanh:[110,111],target1:161,target2:[161,167],target:[0,2,5,9,10,14,15,16,20,31,32,57,58,67,72,73,77,78,79,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,149,150,153,156,158,159,160,161,162,163,166],target_2:161,target_compon:[77,78,79,80],target_dim:[100,108,109,115,117,132],target_nam:[77,78],target_s:[99,118],target_seri:[9,10,138,139,140,141,142],target_train:[9,10],target_v:[9,10,167],task:[3,15,37,80],tau:82,taylor:73,taylordataset:73,tb:74,tbat:[0,95,158,159,161],tbats_model:123,tcn:[0,1,2,6,10,20,124,158,163,165],tcn_air:6,tcn_energi:6,tcn_model:[18,20,124,165],tcn_sun:6,tcn_test:10,tcnmodel:[0,2,6,10,18,20,95,124,158,159,161,163,165],teardown:[113,136],technic:[85,86,87,89,113,149,150,156,162],techniqu:[17,18,20,57,99,105,107,110,116,118,124,125,128,130,156,159],tell:[0,4,5,14,15,16,53,58,113,158,159],temp:19,temperatur:[4,21,73,99,100,102,108,109,112,115,117,118,125,128,131,132,161,167],temperature_forecast:167,temperaturedataset:[4,73],templat:21,tempor:[0,2,19,21,57,58,61,62,63,64,65,66,67,68,69,70,71,72,75,95,126,128,158,159,161],temporal_decoder_hidden:128,temporal_kw:58,temporal_width_futur:128,temporal_width_past:128,temporalfusiontransform:125,temporarili:136,tend:[2,20,21,161,167],tensor:[85,86,87,89,99,110,111,113,118,139,149,150,156,164],tensorboad:167,tensorboard:[99,102,110,111,112,113,118,124,125,128,130,167],tensorboardx:[7,9],tent:[82,127],term:[2,4,14,15,20,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,159,163,164,167],terribl:159,test:[2,4,6,7,8,9,15,18,19,49,53,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,152,153,154,159,164,165,167],test_acc:113,test_cas:16,test_dataload:113,test_descript:136,test_loss:113,test_progress_bar:136,test_seri:15,test_siz:152,test_stationar:80,test_step:113,testing_model:7,teunter:101,text:[2,8,13,53,82,113,149],tf:113,tfm:160,tfmprogressbar:[2,6,8,9,10,136],tft:[0,75,77,95,158,167],tft_explain:79,tft_model:[79,125],tft_submodel:126,tftexplain:[14,77,79],tftexplainabilityresult:[77,79],tftmodel:[0,2,14,75,95,99,102,110,111,112,118,124,125,128,130,158,159,161,167],tg:[9,10,11,12,13,16,163],tgt:[89,130,150],tgt_is_caus:89,tgt_key_padding_mask:89,tgt_mask:89,th:[14,53,61,62,63,64,65,66,67,68,69,70,71,72,114,134,138,140,141,142,149],thailand:114,than:[2,3,4,12,13,14,15,16,18,19,20,49,50,53,54,55,61,62,63,64,65,66,67,68,69,70,71,72,78,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,142,154,159,161,162,163,164,166],thank:18,thei:[2,3,14,15,16,17,18,20,23,25,27,33,35,36,37,38,40,41,42,43,44,45,46,48,53,58,85,86,87,89,91,96,97,98,99,100,101,102,103,107,108,109,110,111,112,113,114,115,116,117,118,119,121,123,124,125,128,130,131,132,134,140,141,149,150,154,156,157,159,161,163,166,167],them:[2,3,7,12,13,14,15,16,17,18,20,21,24,53,54,58,59,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,98,99,102,103,110,111,112,113,116,118,124,125,128,130,134,136,150,154,156,159,161,167],themselv:[2,15,53,59,161,163,167],theori:[21,142],therebi:[61,62,63,64,65,66,67,68,69,70,71,72],therefor:[11,63,140,141,159],thereof:113,theta:[0,4,11,15,17,95,122,158,161],theta_smap:15,theta_smapes_m3:15,theta_tim:15,theta_time_m3:15,thi:[0,3,4,5,6,7,8,9,11,12,13,14,15,16,17,18,19,20,21,31,32,35,36,37,38,39,46,47,48,49,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,129,130,131,132,134,136,138,139,140,141,142,143,149,150,152,153,154,155,156,158,159,160,161,162,163,164,165,166],thin:97,thing:[0,2,5,8,9,18,19,21,113,158,159,162,165],think:[2,161],third:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],thoma:[0,158],those:[3,17,58,61,62,63,64,65,66,67,68,69,70,71,72,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,159,163,166],though:[2,6,12,13,15,127,142,149,159,161,167],thousand:159,thread:[15,123],three:[0,2,4,7,14,15,16,20,67,73,79,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,158,159,161,164],threshold:[13,29,31,32,33,35,37,38,39,40,41,42,43,44,45,46,47,48,49,99,102,110,111,112,118,124,125,128,130,154],threshold_detector:36,thresholddetector:36,throat:73,through:[13,15,16,18,19,53,58,61,62,63,64,65,66,68,69,70,71,72,89,113,136,164,167],throughout:[18,99,102,110,111,112,118,124,125,128,130,165],thrown:[85,86,87,89,113,142,150,156],thu:[2,3,5,18,39,47,49,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,152,164],thumb:161,ti:53,tic:15,tick:13,tide0:19,tide1:19,tide:[0,19,95,158],tide_model:128,tidemodel:[0,2,19,95,128,158,161],tight:142,tight_layout:[15,20,21],tile:13,time:[4,5,6,7,8,9,10,11,12,14,17,18,19,20,21,23,26,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,51,53,55,57,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,91,92,93,94,95,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,130,131,132,134,135,138,139,140,141,142,149,150,151,152,156,157,159,160,162,163,164,165],time_axi:15,time_col:[15,16,134],time_dim:134,time_idx:17,time_index:[14,16,20,58,61,62,63,64,65,66,67,68,69,70,71,72,131,134,142,155,159],time_intersect:14,time_rang:13,time_seri:[73,74],timedelta:[72,134],timeout:18,times_m3:15,timeseri:[0,5,6,7,8,9,10,11,12,13,14,15,17,18,21,22,24,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,91,92,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,135,138,139,140,141,142,143,151,152,154,155,157,158,160,161,162,163],timeseries_gener:[2,3,5,6,9,10,11,12,13,14,16,20,61,64,65,69,96,97,107,114,119,121,131,134,155,159,163],timestamp:[3,4,5,6,7,8,9,10,14,15,17,20,21,32,39,46,47,49,50,57,66,77,78,80,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,151,155,157,159,163,164,165,166,167],timestemp:21,timestep:[21,37,61,62,63,64,65,66,67,68,69,70,71,72,114,131,134,142,152,167],timezon:58,timsort:53,titl:[0,2,3,5,7,8,13,14,15,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,85,154,158,159],titles:13,tl:160,tlc:73,to_cpu:[99,102,110,111,112,118,124,125,128,130,167],to_csv:134,to_dens:53,to_dtyp:113,to_empti:[85,86,87,89,113,150,156],to_json:134,to_onnx:113,to_pickl:134,to_torchscript:113,tobyt:53,todailyaverag:3,tofil:53,togath:142,togeth:[2,13,20,58,59,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,138,139,161,166],toggl:[53,113],toggle_optim:113,toi:[2,3,9,11],token:[85,113],tokyo:73,tolist:53,toma:[0,158],tonn:73,too:[0,2,3,15,18,104,142,152,158,159,161,163,164,167],took:82,tool:[0,18,23,158],top:[9,17,20,69,134,160,161],top_level_compon:134,top_level_seri:134,topdownreconcili:[17,69],topic:[2,20,73,164,167],torch:[2,5,6,7,8,9,10,14,15,18,19,85,86,87,89,99,102,110,111,112,113,118,124,125,128,129,130,136,139,143,150,156,160,161,163,165],torch_doctest_cuda1:[85,86,87,89,150,156],torch_forecasting_model:[99,102,110,111,112,118,124,125,128,130],torch_metr:[99,102,110,111,112,113,118,124,125,128,130,165,167],torch_stabl:164,torch_xla:164,torchforecastingmodel:[16,19,57,58,99,102,110,111,112,113,118,124,125,128,129,130,136,143,165,167],torchmetr:[99,102,110,111,112,113,118,124,125,128,130,165,167],torchparametricprobabilisticforecastingmodel:129,torchscript:113,torchtext:164,torchvis:[113,164],tort:[85,87],tostr:53,total:[2,3,4,13,15,17,21,53,54,59,61,62,63,64,65,66,67,68,69,70,71,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,140,141,142,153,159,164,166],total_fmt:136,total_predict_batches_current_dataload:136,total_test_batches_current_dataload:136,total_train_batch:136,total_val_batch:136,total_val_batches_current_dataload:136,touch:159,tourism:[1,73],tourism_seri:17,toward:[2,14],tpu:[0,15,18,113,158,159,160,167],tpu_cor:164,tqdm:[5,7,9,14,15,18,21,136],tqdm_asyncio:136,tqdm_notebook:[5,7,9,14],tqdm_progress:136,tqdmprogressbar:[6,16,136],trace:[53,69,113],traceback:53,track:[2,11,99,102,110,111,112,118,124,125,128,130,167],trade:54,tradeoff:15,tradit:21,traffic:159,trafficdataset:73,train:[0,3,5,6,7,8,9,10,16,17,18,19,21,25,29,31,32,33,34,35,37,39,47,48,49,57,58,69,77,78,79,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,137,139,142,149,150,152,156,158,160,161,162,163,164,165,166],train_air:[2,159],train_air_sc:159,train_batch:113,train_dataload:113,train_dataset:[99,102,110,111,112,118,124,125,128,130],train_descript:136,train_en:[6,9,10],train_en_transform:[6,9,10],train_fn_with_paramet:165,train_forecasting_model:[20,98,103,116],train_ic:14,train_ice_transform:14,train_length:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],train_loss:[113,167],train_metr:[15,159],train_milk:[2,159],train_milk_sc:159,train_model:165,train_num_sampl:103,train_progress_bar:136,train_sample_shap:113,train_samples_reduct:103,train_scal:[6,7,8],train_seri:[15,16,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],train_set:18,train_sp:[5,7],train_sp_scal:7,train_sp_transform:[5,6],train_test_split:152,train_transform:[5,14,164],train_using_historical_forecast:[20,116],train_val_set:18,trainabl:[15,23,29,33,37,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,164],trainer:[0,15,19,99,102,110,111,112,113,118,124,125,128,130,136,158,159,163,164,167],training_cutoff:[14,167],training_cutoff_ic:14,training_dataset:[138,140,141,143],training_epoch_mean:[113,136],training_iter:165,training_length:[2,5,9,118,164,167],training_sc:2,training_set:2,training_step:[113,136],training_step_output:[113,136],trainingdataset:[2,99,102,110,111,112,118,124,125,128,130,141,143,167],trait:2,transfer:[0,67,113,134,158,167],transfer_batch_to_devic:113,transferablefuturecovariateslocalforecastingmodel:[96,107,131],transform:[0,2,5,6,8,9,10,13,15,17,18,19,20,23,25,26,27,28,33,37,39,47,48,49,50,51,57,58,59,66,68,69,70,73,75,82,85,87,89,95,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,123,124,126,128,131,132,134,155,158,159,161,163,164,165,166,167],transform_mask:57,transformer_cat:71,transformer_heat:14,transformer_ic:14,transformer_model:130,transformer_num:71,transformer_sunspot:5,transformerdecoderlay:89,transformerencoderlay:89,transformermodel:[0,2,7,95,128,130,158,161],transit:[85,86,87,89,113,150,156,159],translat:[21,139],transpar:[2,6],transport:[15,53,73],transpos:53,travel:17,travers:[53,59],treat:[31,32,37,39,47,49,72,107,108,113,117,134,152,156],treat_na:[72,134],tree:[17,20,78,108,115],trend:[2,4,5,8,9,10,14,20,21,96,104,105,110,123,127,131,154,159,161],trend_mod:127,trend_poly_degre:105,trend_polynomial_degre:[2,8,15,110],trendmod:[15,127,157],tri:[15,85,86,87,89,105,113,150,152,156],trial:[18,165],trick:167,trigger:[20,167],trigonometr:123,trim:[0,96,97,101,107,114,119,121,131,142,157,158],trivial:[0,2,18,158],troubl:53,trough:[12,13],truli:53,truncat:[72,134,154],trust:[21,159],truth:[19,20,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149],ts:[3,4,6,11,13,16,127,134,154,157,159],ts_2:4,ts_3:4,ts_air:20,ts_caus:154,ts_effect:154,ts_energi:21,ts_energy_train:21,ts_energy_v:21,ts_fit:[61,62,63,64,65,66,67,68,69,70,71,72],ts_inverse_transform:[62,63,64,65,66,67,69,70,71],ts_length:152,ts_scale:[6,16],ts_shape:13,ts_shape_seri:13,ts_smooth:13,ts_transform:[8,61,62,63,64,65,66,67,68,69,70,71,72],ts_weather:21,tsa:[17,104,154],tsb:101,tslib:134,tu:114,tune:[15,18,19,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,159,160],tune_callback:165,tune_dart:165,tuneabl:18,tuner:[99,102,110,111,112,118,124,125,128,130],tunereportcallback:165,tupl:[15,17,21,53,54,55,57,58,73,80,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,138,139,140,141,142,143,150,152,154,156],turkei:114,turn:[100,108,109,115,117,132,140,141,152,153,156,163],tutori:[2,16,161],tweak:[7,20],two:[2,3,5,7,8,13,14,15,16,20,21,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,58,61,62,63,64,65,66,67,68,69,70,71,72,73,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,149,150,152,155,156,161,162,163,166,167],type:[2,9,15,16,17,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,74,77,78,79,80,82,85,86,87,88,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,139,141,142,143,149,150,151,152,153,154,155,156,157,161,163,164,166,167],type_of_cov:[77,78],typecod:53,typeerror:[53,113,142],typevar:[85,86,87,89,113,150,156],typic:[3,15,17,18,24,33,53,63,70,71,85,86,87,89,113,119,121,149,150,156,161,167],tz:[21,58,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,134,155],u1:[3,64,66,69],u2:53,u8dart:159,u:[11,18,73,93,153],ub:142,uber:73,ubertlcdataset:73,uci:73,udf:[72,134],ugz_meteodaten_stundenmittelwert:73,uic:53,uint32:53,uint8:53,ultim:53,un:[108,109,115,117,132],unabl:[61,62,63,64,65,66,67,68,69,70,71,72],unappli:[61,62,63,64,65,66,68,69,70,71,72],unapply_component_mask:[61,62,63,64,65,66,67,68,69,70,71,72],uncertainti:[9,12,100,110,111,124,125,128,149,156],unchang:[53,85,86,87,89,150,153,156],uncom:12,uncov:[15,37],undefin:[53,85,86,87,89,113,150,156],under:[15,20,21,40,41,42,43,44,45,46,53,58,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,149,150,154,156,160,163,167],underli:[0,11,12,16,21,31,32,39,47,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,77,93,108,116,123,134,143,153,155,158,161,166],understand:[14,17,159,162],understim:20,undifferenc:63,undo:[61,62,63,64,65,66,67,68,69,70,71,72],undocu:53,unequ:[140,141],unexpect:[85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156],unexpected_kei:[85,86,87,89,113,150,156],unfortun:[3,73,167],unfreez:113,uni:[16,54,134,154],unifi:[3,21,159],uniform:[138,140,141,165],uniform_averag:153,uniformli:[134,138,149],union:[2,25,26,27,28,31,32,34,35,36,38,39,40,41,42,43,44,45,46,47,48,49,50,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,79,80,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,151,152,153,154,155,157],uniqu:[2,58,113,125,134,136,154],unit8:[0,17,142,158,162],unit8co:108,unit:[73,85,134,154,155,164],unit_scal:[64,69],univari:[0,2,7,8,14,18,24,25,26,27,28,38,39,40,41,42,43,44,45,46,47,48,49,50,54,73,77,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,149,154,155,158,159,166],univariate_compon:[8,134],univariate_scor:48,univariate_valu:[13,134],unknown:[99,100,102,108,109,110,111,112,115,117,124,125,128,130,132],unless:[18,53,85,86,87,89,92,113,134,150,156],unlik:[53,142,162],unmask:[61,62,63,64,65,66,67,68,69,70,71,72,127],unnecessarili:[99,102,110,111,112,118,124,125,128,130],unpack:[53,88],unpack_sf_dict:88,unpickl:53,unpromis:18,unrestrict:154,unsaf:53,unsampl:67,unscal:113,unseen:[2,8],unspecifi:53,unstabl:15,unstack:[61,62,63,64,65,66,67,68,69,70,71,72],unstack_sampl:[61,62,63,64,65,66,67,68,69,70,71,72],unsurprisingli:18,untest:164,until:[2,9,10,14,15,21,73,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,154,155,159,163,165,167],untoggl:113,untoggle_optim:113,untrain:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],untrained_model:[99,118],untransform:[61,62,63,64,65,66,67,68,69,70,71,72],untypedstorag:113,unus:14,unweight:73,up:[0,2,5,13,15,17,53,58,59,61,62,63,64,65,66,67,68,69,70,71,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,154,155,158,159,161,163,164,165,166,167],upcom:167,updat:[53,55,73,85,86,87,89,99,102,106,110,111,112,113,118,124,125,128,130,150,153,156],upfront:[159,163,167],upload:15,upon:[4,31,32,63,93,127,159],upper:[2,19,35,36,50,53,99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132,134,140,141,142,167],upsampl:67,upward:[2,4,20],uri:74,url:[0,113,158],us:[0,1,4,5,6,7,8,9,10,13,14,19,23,24,25,26,27,28,29,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,82,85,86,87,89,92,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,126,127,128,130,131,132,134,136,138,139,140,141,142,143,149,150,151,152,153,154,155,156,157,158,160,162],usa:15,usabl:[133,156,166],usag:[3,21,98,99,102,103,105,106,107,110,111,112,116,118,124,125,128,130,135,142,164,167],use_arma_error:123,use_box_cox:123,use_damped_trend:123,use_fitted_valu:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],use_layer_norm:128,use_moving_window:142,use_pl_optim:113,use_reversible_instance_norm:[19,99,102,110,111,112,113,124,125,128,130],use_static_covari:[14,100,102,108,109,112,115,117,125,128,132,138,139,140,141,142],use_trend:123,usedlag:154,useless:[4,73],user:[0,2,17,21,36,53,57,58,61,62,63,64,65,66,67,68,69,70,71,72,85,86,87,89,96,97,99,100,101,102,107,108,109,110,111,112,113,114,115,117,118,119,121,124,125,127,128,130,131,132,134,150,153,156,158,159,161,163,166],user_guid:67,uses_future_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],uses_past_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],uses_static_covari:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,142],usgasolinedataset:73,usual:[2,13,15,53,78,85,130,150,161,162],uszkoreit:130,utc:73,util:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,18,19,20,21,22,23,25,26,27,28,57,61,64,65,69,78,80,85,86,87,89,96,97,99,102,104,105,107,110,111,112,113,114,118,119,121,123,124,125,127,128,130,131,133,134,136,138,139,140,141,142,143,144,149,150,153,154,158,159,163,164,165,167],utilis:142,v0:126,v1:69,v23:[0,158],v2:20,v:[53,113,153,164],v_num:[136,164],val:[0,4,5,6,7,8,14,15,17,18,19,20,21,53,61,62,63,64,65,66,67,68,69,70,71,72,99,102,110,111,112,113,118,124,125,128,130,136,158,159,163,164,165,167],val_acc:113,val_air:[2,159],val_batch:113,val_dataload:113,val_dataset:[99,102,110,111,112,118,124,125,128,130],val_en:[6,9,10],val_en_transform:[6,9,10],val_future_covari:[2,5,9,99,100,102,108,110,111,112,118,124,125,128,130,132,167],val_ic:14,val_ice_transform:14,val_len:[18,165],val_loss:[18,19,99,102,110,111,112,113,118,124,125,128,130,165,167],val_meanabsolutepercentageerror:[165,167],val_metr:[15,159],val_milk:[2,159],val_past_covari:[2,6,10,99,100,102,108,110,111,112,118,124,125,128,130,132,167],val_progress_bar:136,val_scal:[6,7,8],val_seri:[2,5,6,7,8,9,10,14,18,19,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,164,165,167],val_set:18,val_sp:[5,7],val_sp_scal:7,val_sp_transform:[5,6],val_transform:[5,14,164],valid:[0,3,6,7,8,9,10,16,17,18,19,20,21,57,58,72,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,142,143,152,153,158,160,163,164,165],validation_cutoff:21,validation_descript:136,validation_end:165,validation_sc:2,validation_set:2,validation_step:113,validli:142,valu:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,18,20,21,25,26,27,28,31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48,49,50,53,54,55,57,58,59,60,61,62,63,64,65,66,67,69,70,71,72,73,77,78,79,80,82,85,86,87,89,91,92,93,94,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,135,136,142,143,144,149,150,152,153,154,155,156,157,158,161,163,165,166,167],valuabl:[2,163],value_amplitud:[9,10,155],value_at_first_step:134,value_col:[15,16,134],value_frequ:[9,10,12,16,155,163],value_ne5:[21,73],value_ne5_q0:21,value_ne5_target_lag:21,value_ne7:73,value_phas:155,value_y_offset:155,valueerror:[3,53,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,157],values_seri:15,van:[0,158],vanilla:[5,19,99,118],var1:16,vari:[0,16,53,67,134,149,158,166],variabl:[2,14,15,16,18,21,53,79,96,125,134,142,153,159,161],varianc:[12,53,69,100,134],variant:[17,85,89,99,118,125,130],variat:[54,82,96,97,98,99,101,102,103,104,105,107,110,111,112,114,116,118,119,120,121,122,123,124,125,127,128,130,131],varieti:[0,158],varima:[0,2,95,158,161],variou:[8,15,107],varuna:85,vaswani:130,ve:[13,15],vector:[2,16,39,46,47,49,69,73,93,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163],vector_autoregress:131,vectoris:[61,62,63,64,65,66,67,68,69,70,71,72,142],venv:[0,158],verbos:[2,3,5,6,7,8,9,10,14,18,19,20,21,59,61,62,63,64,65,66,67,68,69,70,71,72,82,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,159,165],veri:[4,10,12,15,18,53,113,114,130,134,159,161,164,165,167],version:[0,2,17,18,53,73,85,86,87,89,91,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,149,150,153,156,158,161,162,164,167],vertic:[16,54],vertical_split_typ:152,vfr:[17,73],via:[21,53,74,111,128,167],vic:[17,73],video:[0,158],vietnam:114,view:[15,21,53,54,85,86,87,89,113,134,142,143,150,156,159],violin:78,virtual:[65,106,159],virtualenv:[0,158],virtualenvwrapp:[0,158],visit:[73,99,102,108,110,111,112,118,124,125,128,130],visual:[18,29,31,32,38,39,40,41,42,43,44,45,46,47,48,49,50,54,167],visualis:[2,15,18],vizual:21,vmax:21,vmin:21,vn:114,vol:116,voltag:73,volum:[0,158],vs:[15,54,113,160],w1:69,w:[20,21,34,35,36,37,39,46,47,49,50,53,69,73,136,153,159],w_1:85,w_2:85,wa:[4,5,9,13,14,15,16,17,20,21,53,58,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,79,80,93,99,102,110,111,112,113,118,121,124,125,128,130,139,142,159,164,167],wai:[0,2,3,7,15,17,18,21,23,53,65,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,136,138,141,149,158,159,161,163,164,166,167],wait:[3,99,102,110,111,112,118,124,125,128,130],wale:[17,73],walk:[19,155],walker:154,wall:162,wang:87,want:[0,2,3,6,13,14,16,18,20,21,53,61,62,63,64,65,66,68,69,70,71,72,99,102,110,111,112,113,118,124,125,128,130,136,158,159,161,167],warm:113,warn:[2,3,4,5,6,7,8,9,10,14,15,16,17,19,20,54,58,80,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,133,152,154,164,167],warp:[51,82],warped_mae0:13,warped_mae1:13,warped_series1:82,warped_series2:82,warped_t:13,warped_ts_shap:13,warped_ts_shape_valu:13,warped_ts_valu:13,warranti:[85,87],wasn:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],wasserstein:49,wasserstein_metr:49,wasserstein_scor:49,wassersteinscor:37,wast:3,wasteful:13,wave:[2,9,16,58],waveform:110,wd:73,we:[0,2,3,4,5,6,7,8,9,10,11,12,13,14,15,16,17,19,20,21,53,71,73,77,78,79,85,86,87,89,98,104,113,118,119,120,121,122,130,134,142,143,149,150,154,156,158,159,161,162,163,164,165,166,167],weak:20,weaker:9,weather:[2,21,73,159,161,163],weatherdataset:[73,99,100,102,108,109,110,111,112,115,117,118,124,125,128,130,132],websit:20,wed:126,week:[2,18,58,73,155,159,161,167],week_of_year:[58,155],weekdai:[4,58,134,155,167],weekli:[73,104,114],weekofyear:[58,155],weibul:149,weibull_distribut:149,weibulllikelihood:149,weigh:159,weight:[14,18,19,20,21,73,79,85,86,87,89,99,102,110,111,112,113,118,124,125,128,130,134,150,153,156,167],weight_norm:[6,10,18,20,124,165],weigth:[72,134],weird:2,welcom:[0,158,162],well:[2,8,11,12,14,15,16,18,20,21,29,39,53,65,71,78,85,86,87,89,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,129,130,131,132,134,149,150,152,153,156,159,161,164],were:[2,4,13,15,16,53,61,62,63,64,65,66,67,68,69,70,71,72,73,77,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,139,142,161,165,167],west:154,wetter:73,wgfupus2:73,wh:69,what:[0,2,5,6,13,14,15,16,17,18,20,21,32,53,99,102,105,110,111,112,113,118,124,125,128,130,134,149,158,159,160,162,163,167],whatev:[61,62,63,64,65,66,68,69,70,71,72,113],wheel:164,when:[2,3,4,6,9,12,13,14,15,16,18,19,20,21,35,36,37,39,47,49,53,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,77,78,82,85,86,87,89,93,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,140,141,142,143,149,150,151,152,153,154,156,159,160,161,162,163,164,165,166],whenev:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132],where:[2,5,15,16,17,18,20,24,33,35,39,47,49,53,54,55,57,58,61,62,63,64,65,66,67,68,69,70,71,72,73,77,78,82,85,96,97,98,99,100,101,102,103,104,105,106,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,141,142,152,153,154,155,157,159,161,164,166],wherea:[2,5,14,17,20,82,118,119,122,142,166],wherebi:[72,134],whether:[2,9,16,17,18,38,39,40,41,42,43,44,45,46,47,48,49,53,54,57,58,59,61,62,63,64,65,66,67,68,69,70,71,72,73,78,79,80,82,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,138,139,140,141,142,150,154,155,156,163,167],which:[0,2,3,4,5,9,11,12,13,14,15,16,17,18,20,21,24,29,32,34,35,36,37,39,47,49,53,54,57,58,61,62,63,64,65,66,67,68,69,70,71,72,77,78,82,85,86,87,89,91,93,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,139,140,141,142,149,150,151,154,155,156,157,158,159,161,162,163,164,165,166,167],whichev:142,whilst:[67,142],white:[11,17,155],whl:164,whole:[5,6,14,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156,159],whom:[85,87,126],whose:[2,20,53,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,96,98,99,100,102,103,107,108,109,110,111,112,115,116,117,118,124,125,128,130,131,132,134,142,150,154,155,156,159,163,166],why:[2,3,16,161,167],wide:[15,21],width:[6,46,53,55,93,110,111,128,134,167],wiki:[39,46,49,67,96,115,131,149,150],wikipedia:[39,46,49,67,82,96,115,131,149,150],wilei:120,williamson:[0,158],win_typ:[72,134],wind:73,window:[0,2,8,15,18,19,20,25,26,27,28,31,32,34,35,36,37,39,40,41,42,43,44,45,47,48,49,50,52,53,54,60,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,142,155,158,159,164],window_len:142,window_mod:134,window_s:[13,55,134],window_transform:[72,134],window_weight:21,windowtransform:72,wine:73,winedataset:73,wineind:73,winner:20,winter:104,wise:[13,15,53,54,85,89,98,152],wish:[61,62,63,64,65,66,68,69,70,71,72,113,142,161,163,167],with_column:155,with_columns_renam:134,with_hierarchi:[17,69,134],with_kwarg:[85,86,87,89,113,150,156],with_paramet:165,with_static_covari:[15,16,62,70,134,166],with_traceback:74,with_valu:134,within:[13,37,53,55,61,69,85,86,87,89,99,113,118,130,134,142,149,150,155,156],within_threshold:13,without:[0,2,3,11,13,15,18,19,20,31,32,53,54,57,58,59,61,62,64,65,66,68,69,82,85,86,87,89,93,96,113,125,126,128,131,134,136,142,150,151,154,156,158,159,164,166],wls_struct:69,wls_val:[17,69],wls_var:69,wolpert:116,won:[15,16,61,64,65,67,69,85,86,87,89,113,150,156,164],woollen:73,woolydataset:73,woolyrnq:73,word:[13,64,69,142],work:[0,2,3,4,5,6,7,8,9,11,13,14,15,16,17,18,19,20,21,29,31,32,37,53,67,69,78,85,86,87,89,94,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,153,154,155,156,158,159,161,162,163,164,165,166,167],work_dir:[99,102,110,111,112,118,124,125,128,130,167],workaround:165,worker:[99,102,110,111,112,118,124,125,128,130,167],workshop:15,world:113,world_siz:113,worri:[2,163],wors:[16,153],worth:[15,18],would:[0,2,3,8,11,13,14,15,18,20,32,53,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,140,141,150,153,156,158,159,161,165,166,167],wrap:[0,2,3,15,18,21,27,31,32,47,49,85,86,87,89,96,99,100,102,108,109,110,111,112,113,115,117,118,124,125,128,130,131,132,150,156,158,159,166],wrapper:[0,3,15,70,71,97,99,102,104,109,110,111,112,113,114,115,117,118,123,124,125,128,130,134,142,158,162],write:[15,18,53,134,162,163,167],writeabl:53,writebackifcopi:53,written:[15,21,53,161,164,167],wrong:[99,102,110,111,112,118,124,125,128,130],wv:73,wvv:73,www:[73,122,154],x00:53,x01:53,x02:53,x03:53,x:[3,11,12,13,14,21,53,55,58,66,79,82,85,86,87,93,111,113,127,134,141,142,153,159,167],x_0:149,x_1:149,x_2:11,x_2_nois:11,x_:82,x_i:149,x_in:[99,118],x_k:149,x_miss:12,x_missing_arr:12,x_nois:12,x_t:82,x_trimmed_shap:142,xa:134,xarrai:[134,159,166],xdoctest:[85,86,87,89,113,150,156],xferd:15,xgb:132,xgb_quantile_loss:132,xgbmodel:[0,21,95,132,158,161,163],xgboost:[21,95],xgboost_model:21,xgboostmodel:21,xgbregressor:[21,132],xgub:15,xl:15,xlabel:[6,9,10,14,15,20,21],xlrd:15,xpu:[85,86,87,89,113,150,156],xtick:13,xu:[102,112],xv:53,xxx:55,xxxx:55,xxxxxx:55,xxxxxxxxx:55,xxxxxxxxxxx:55,xxxxxxxxxxxx:55,xxxxxxxxxxxxxx:55,xxxxxxxxxxxxxxxx:55,xxxxxxxxxxxxxxxxx:55,xxxxxxxxxxxxxxxxxxxx:55,xxxxxxxxxxxxxxxxxxxxx:55,y:[11,13,21,53,63,66,79,82,98,113,118,134,142,150,153,155],y_1:[98,106],y_2:11,y_2_nois:11,y_:[63,106],y_filter:11,y_hat:113,y_nois:11,y_offset:155,y_pred:153,y_t0:21,y_t:[63,82,98,106,150],y_true:153,yaml:113,yang:150,yarin:163,yarn:73,ye:[162,167],year:[0,2,5,7,14,15,58,73,96,97,99,100,101,102,107,108,109,110,111,112,114,115,117,118,119,121,124,125,128,130,131,132,158,159,161,165,167],year_seri:5,yearli:[2,14,105,114,159],yet:[21,113,155,159,160,164,167],yield:[20,21,62,63,64,69,70,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,150,156,159],ylabel:[14,15],ylim:20,you:[0,1,2,3,5,7,8,12,13,14,15,16,18,21,53,61,62,63,64,65,66,68,69,70,71,72,85,86,87,89,96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,113,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,134,136,149,150,152,153,156,158,159,160,161,162,163,164,165,166,167],your:[0,2,3,15,16,18,20,21,58,85,86,87,89,99,102,110,111,112,113,114,118,124,125,128,130,149,150,156,158,159,161,162,164,166],yourself:[113,167],ytick:13,yule:154,yw:154,ywadjust:154,ywm:154,ywmle:154,yyyi:[96,97,98,99,100,101,102,103,104,105,107,108,109,110,111,112,114,115,116,117,118,119,120,121,122,123,124,125,127,128,130,131,132,163],z:[53,82,93,120],zch_rosengartenstrass:73,zch_schimmelstrass:73,zch_stampfenbachstrass:73,zealand:73,zeng:[102,112],zero:[15,53,82,85,86,87,89,113,134,142,150,156],zero_grad:[85,86,87,89,113,136,150,156],zhang:[87,102,112],zhouhaoyi:73,zi:101,zip:[2,16,20,21],zone:[58,73,134,155,159],zoubin:163,zuerich:73,zurich:[21,73]},titles:["Time Series Made Easy in Python","Examples","Multiple Time Series, Pre-trained Models and Covariates","Data (pre) processing using DataTransformer and Pipeline","Fast Fourier Transform Forecasting Model (FFT)","Recurrent Neural Networks Models","Temporal Convolutional Network","Transformer Model","N-BEATS","Probabilistic RNN","DeepTCN model","Filtering and predicting using the darts filters","Filtering and predicting using the Gaussian Process filter","Dynamic Time Warping (DTW)","Temporal Fusion Transformer","Transfer Learning for Time Series Forecasting with Darts","Static Covariates","Hierarchical Reconciliation - Example on the Australian Tourism Dataset","Hyper-parameters Optimization for Electricity Load Forecasting","TimeSeries Deep Encoder","Ensembling Models","Regression Models","darts","Anomaly Detection","Anomaly Aggregators","<no title>","AND Aggregator","Ensemble scikit-learn aggregator","OR Aggregator","Anomaly Models","<no title>","Filtering Anomaly Model","Forecasting Anomaly Model","Anomaly Detectors","<no title>","Quantile Detector","Threshold Detector","Anomaly Scorers","Difference Scorer","k-means Scorer","NLL Cauchy Scorer","NLL Exponential Scorer","NLL Gamma Scorer","NLL Gaussian Scorer","NLL Laplace Scorer","NLL Poisson Scorer","Norm Scorer","PyODScorer","<no title>","WassersteinScorer","Utils for Anomaly Detection","Data Processing","Dynamic Time Warping (DTW)","<no title>","Dynamic Time Warping (DTW)","DTW Windows","Time Axis Encoders","Encoder Base Classes","Time Axes Encoders","Pipeline","Data Transformers","Data Transformer Base Class","Box-Cox Transformer","Differencing Transformer","Fittable Data Transformer Base Class","Invertible Data Transformer Base Class","Mapper and InvertibleMapper","Mixed-data sampling (MIDAS) Transformer","Missing Values Filler","Hierarchical Reconciliation","Scaler","Static Covariates Transformer","Window Transformer","Datasets","<no title>","Explainability","<no title>","Explainability Result","Shap Explainer for RegressionModels","TFT Explainer for Temporal Fusion Transformer (TFTModel)","<no title>","Metrics","Metrics","Models","<no title>","<no title>","<no title>","<no title>","<no title>","<no title>","Filtering Models","<no title>","Gaussian Processes","Kalman Filter","Moving Average","Forecasting Models","ARIMA","AutoARIMA","Baseline Models","Block Recurrent Neural Networks","CatBoost model","Croston method","D-Linear","<no title>","Exponential Smoothing","Fast Fourier Transform","<no title>","Kalman Filter Forecaster","LightGBM Model","Linear Regression model","N-BEATS","N-HiTS","N-Linear","<no title>","Facebook Prophet","Random Forest","Regression ensemble model","Regression Model","Recurrent Neural Networks","StatsForecastAutoARIMA","StatsForecastAutoCES","StatsForecastAutoETS","StatsForecastAutoTheta","BATS and TBATS","Temporal Convolutional Network","Temporal Fusion Transformer (TFT)","<no title>","Theta Method","Time-series Dense Encoder (TiDE)","<no title>","Transformer Model","VARIMA","XGBoost Model","<no title>","Timeseries","Utils","<no title>","TimeSeries Datasets","Horizon-Based Training Dataset","Inference Dataset","Sequential Training Dataset","Shifted Training Dataset","<no title>","Training Datasets Base Classes","<no title>","<no title>","<no title>","<no title>","<no title>","Likelihood Models","PyTorch Loss Functions","Utils for filling missing values","Model selection utilities","<no title>","Time Series Statistics","Utils for time series generation","Utils for Pytorch and its usage","Additional util functions","Time Series Made Easy in Python","Quickstart","User Guide","Covariates","Frequently Asked Questions","Overview of Forecasting Models","Using Torch Models with GPUs and TPUs","Hyperparameter Optimization in Darts","TimeSeries","Torch Forecasting Models"],titleterms:{"0":[15,16],"1":[4,15,16],"2":[4,15,16],"3":[4,15,16],"32":167,"4":[15,16],"5":16,"6":16,"abstract":3,"class":[57,61,64,65,143],"do":167,"export":166,"function":[15,150,157],"new":4,"static":[1,16,71,166],"try":[15,159],A:[2,3,15,159],AND:26,In:167,No:13,OR:28,One:18,The:3,With:[13,159],ad:[12,16],add:16,addit:157,advanc:167,after:2,aggreg:[24,26,27,28],air:[2,5,6,7,14,15],airlin:15,align:13,all:167,altern:17,amplitud:4,an:[15,16],anomali:[23,24,29,31,32,33,37,50],anoth:3,appendix:21,appli:15,ar:161,architectur:8,arima:96,articl:[0,158],ask:162,australian:17,autoarima:97,automat:[14,167],averag:94,ax:58,axi:56,backtest:[2,5,14,159],base:[21,57,61,64,65,138,143],baselin:98,basic:[4,20],bat:123,batch:167,beat:[1,8,15,110,159],behind:2,benchmark:167,best:18,binari:16,bit:167,block:99,boost:21,bootstrap:20,both:2,bottleneck:167,box:62,build:[2,15,18,159,167],callback:167,captur:163,carlo:163,catboost:100,categor:16,cauchi:40,caution:159,chain:3,checkpoint:167,chunk:[21,167],citat:[0,158],comment:2,commun:[0,158],compar:[13,15],comparison:13,complex:3,compon:[17,21],comput:159,conclus:[15,18,20,21],condit:2,configur:19,construct:[4,16],consumpt:18,contact:[0,158],content:167,contribut:[0,158],convolut:[1,6,124],covari:[1,2,14,16,20,21,71,159,161,163,166,167],cox:62,cpu:[164,167],cream:14,creat:[3,14,159,166],crop:4,croston:101,custom:[21,167],d:102,daili:[6,8,9,10],dart:[11,15,21,22,159,161,165],data:[1,2,3,4,12,14,15,16,17,18,19,21,51,60,61,64,65,67,159,166,167],datafram:16,dataset:[6,15,17,21,73,137,138,139,140,141,143,167],datatransform:3,deep:[15,19,159],deepar:1,deeptcn:[1,10],defin:16,dens:[1,128],depth:167,detect:[23,50],detector:[33,35,36],determin:13,determinist:[14,166],detrend:4,diagon:13,differ:[13,38],differenc:63,distribut:159,document:[0,158,166],doe:2,dr:161,draw:11,dropout:163,dtw:[1,13,52,54,55],dynam:[1,13,52,54],earli:167,easi:[0,158],electr:18,electricti:18,encod:[1,16,17,19,56,57,58,128,159],end:2,energi:[4,6,8,9,10],ensembl:[1,20,27,116,159],enter:13,error:159,evalu:[15,159],exampl:[0,1,2,3,5,7,8,14,16,17,21,158,159,161,167],exist:16,experi:16,explain:[14,21,75,77,78,79],exponenti:[41,104],extern:159,extract:[16,21],facebook:114,far:15,fast:[1,4,105],featur:[0,158],few:2,fft:4,fill:151,filler:68,filter:[1,4,11,12,31,90,93,107,159],find:13,fine:167,first:[11,167],fit:[13,159],fittabl:64,forecast:[0,2,4,14,15,16,17,18,20,21,32,95,107,158,159,161,163,167],forest:115,format:[4,13],fourier:[1,4,105],free:159,frequent:162,from:[12,16,166],from_group_datafram:16,functionn:167,fusion:[1,14,79,125],futur:[2,14,161],gamma:42,gaussian:[1,12,43,92,159],gener:[4,8,13,14,155,163],gfm:161,global:[2,15,159,161],go:18,gpu:[164,167],grid:13,gridsearch:[18,165],group:16,guid:[160,161,167],handl:163,help:2,hierarch:[1,17,69,166],hierarchi:17,high:[0,158],histor:[20,159],hit:111,horizon:138,hourli:4,how:[161,167],hyper:[18,159],hyperparamet:[1,165],i:[166,167],ic:14,implement:166,improv:4,independ:17,indic:158,infer:[2,12,139,159],inform:[14,166],input:[21,167],inspect:[15,17,159],instal:[0,158,159],instanc:4,interpret:8,introduc:3,introduct:[0,158,161,167],invert:65,invertiblemapp:[3,66],itakura:13,its:156,k:39,kalman:[1,93,107,159],kernel:12,kind:3,lag:21,laplac:44,learn:[1,15,20,27,159],length:21,less:159,level:[0,158,167],lfm:161,lightgbm:108,likelihood:149,linear:[18,102,109,112],list:16,load:[15,17,18,19,163,167],local:[15,161],look:[5,14,167],loss:[150,159,167],low:4,m3:15,m4:15,machin:159,made:[0,158],make:159,manipul:159,manual:167,mapper:[3,66],match:13,mean:[2,12,39],memori:167,method:[15,101,127,159],metric:[81,82,159],mida:67,milk:2,miss:[12,68,151,159],missingvaluesfil:3,mix:67,model:[0,1,2,4,5,7,8,10,14,15,17,18,19,20,21,29,31,32,83,90,95,98,100,108,109,116,117,130,132,149,152,158,159,161,163,164,167],monitor:3,mont:163,monthli:[5,6,7,14],more:[2,3,14,166],move:94,multi:[13,21,164],multioutputregressor:21,multipl:[1,2,3,16,163,166],multivari:[2,17,20,163,166],my:166,n:[1,8,15,110,111,112,159],naiv:[20,159],network:[1,5,6,99,118,124,159,163],neural:[1,5,99,118,159,163],nll:[40,41,42,43,44,45],nois:[9,10,12],norm:46,nuclear:4,num_loader_work:167,number:13,numer:16,o:167,one:2,onli:21,oper:159,optim:[1,18,165],option:18,optuna:[18,165],order:11,other:[2,15],out:[4,159],output:21,overview:[15,163],parallelis:3,parallelogram:13,paramet:[18,19,159],part:15,passeng:[5,6,7,14,15],past:[2,161],pattern:13,peak:13,perform:167,period:12,pick:18,pipelin:[3,59],plai:159,point:12,poisson:45,possibl:167,pre:[1,2,3,20,167],predict:[2,5,11,12,14,20,159,167],prepar:[2,18,19],preprocess:2,probabilist:[9,14,20,21,159,163,166],problem:166,process:[1,2,3,12,14,51,92,159],produc:2,product:[2,6,9,10],prophet:114,pyodscor:47,python:[0,158],pytorch:[150,156],quantil:[35,159],quantit:13,question:162,quick:[0,158,161],quickli:159,quickstart:159,rai:165,random:115,re:167,read:[2,3,4,13,159],recap:15,recommend:167,reconcil:17,reconcili:[1,17,69],recurr:[1,5,99,118],refer:20,regress:[1,18,20,21,109,116,117,159,163],regressionmodel:[15,21,78],requir:[161,167],rescal:3,respons:11,result:[19,77],rnn:9,routin:2,s:21,sakoechiba:13,sale:14,same:15,sampl:[12,67],save:[163,167],scale:16,scaler:[3,70],scene:2,scikit:27,scorer:[37,38,39,40,41,42,43,44,45,46],search:159,season:159,select:[0,152,158],sequenti:140,sequentialencod:58,seri:[0,1,2,3,9,10,13,15,16,20,128,154,155,158,159,163,166,167],set:[3,4,5,14],setup:[15,16,19],sever:159,shall:18,shap:78,shift:141,should:166,side:18,simpl:18,simul:159,sine:12,singl:21,singleencod:58,size:167,small:167,smooth:104,so:15,some:[14,159],span:[161,167],special:3,specif:21,spiral:11,split:2,spot:7,state:167,statist:154,statsforecastautoarima:119,statsforecastautoc:120,statsforecastautoet:121,statsforecastautotheta:122,step:11,stop:167,store:167,sub:167,subsequ:13,summari:161,sun:7,sunspot:[5,6],support:[161,163,164,167],system:11,tabl:158,target:[21,167],tbat:123,tcn:18,tempor:[1,6,14,79,124,125],tfm:167,tft:[1,14,79,125],tftmodel:[16,79],theta:[127,159],thi:[2,167],threshold:36,tide:[1,128],time:[0,1,2,3,13,15,16,52,54,56,58,128,154,155,158,161,166,167],timeseri:[1,2,3,4,16,19,134,137,159,166,167],tl:161,toi:159,top:167,topic:[0,158],torch:[164,167],tourism:17,tpu:164,traffic:2,train:[1,2,4,14,15,20,138,140,141,143,159,167],transfer:[1,15],transform:[1,3,4,7,14,16,60,61,62,63,64,65,67,71,72,79,105,125,130],tree:21,tune:[165,167],tutori:1,two:159,type:159,uncertainti:163,up:[3,18],us:[2,3,11,12,15,16,17,18,20,21,159,161,163,164,165,166,167],usag:[0,156,158],user:160,util:[50,135,151,152,155,156,157],valid:[2,4,5,14,159,167],valu:[68,151,159],variabl:[9,10],varima:131,visual:[13,21],vs:166,wait:2,warp:[1,13,52,54],wassersteinscor:49,wave:[4,12],we:18,what:161,when:167,white:12,window:[13,55,72],without:16,word:[2,159],wrapper:21,xgboost:132,your:167}}) \ No newline at end of file