diff --git a/README.md b/README.md index 274020d..5896979 100644 --- a/README.md +++ b/README.md @@ -12,10 +12,10 @@ Get started now! ## What's New -- Jan 2025: [TimesFM](https://github.com/google-research/timesfm) is available for univariate and covariate forecasting. Try the notebooks: [univariate](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/foundation_daily.py) and [covariate](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/foundation_external_regressors_daily.py). -- Jan 2025: [Chronos Bolt](https://github.com/amazon-science/chronos-forecasting) models are available for univariate forecasting. Try the [notebook](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/foundation_daily.py). -- Jan 2025: [Moirai MoE](https://github.com/SalesforceAIResearch/uni2ts) models are available for univariate forecasting. Try the [notebook](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/foundation_daily.py). -- Jan 2025: Added support for hourly (`freq="H"`) and weekly (`freq="W"`) time series . See the examples [here](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples). +- Jan 2025: [TimesFM](https://github.com/google-research/timesfm) is available for univariate and covariate forecasting. Try the notebooks: [univariate](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/foundation_daily.py) and [covariate](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/external_regressors/foundation_external_regressors_daily.py). +- Jan 2025: [Chronos Bolt](https://github.com/amazon-science/chronos-forecasting) models are available for univariate forecasting. Try the [notebook](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/foundation_daily.py). +- Jan 2025: [Moirai MoE](https://github.com/SalesforceAIResearch/uni2ts) models are available for univariate forecasting. Try the [notebook](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/foundation_daily.py). +- Jan 2025: Added support for hourly (`freq="H"`) and weekly (`freq="W"`) time series . Try the notebooks: [hourly](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/hourly) and [weekly](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/weekly). ## Getting started @@ -25,7 +25,7 @@ To run this solution on a public [M4](https://www.kaggle.com/datasets/yogesh94/m Local models are used to model individual time series. They could be advantageous over other types of model for their capabilities to tailor fit to individual series, offer greater interpretability, and require lower data requirements. We support models from [statsforecast](https://github.com/Nixtla/statsforecast), [r fable](https://cran.r-project.org/web/packages/fable/vignettes/fable.html) and [sktime](https://www.sktime.net/en/stable/). Covariates (i.e. exogenous regressors) are currently only supported for some models from statsforecast. -To get started, attach the [examples/local_univariate_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/local_univariate_daily.py) notebook to a cluster running [DBR 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or later versions. The cluster can be either a single-node or multi-node CPU cluster. Make sure to set the following [Spark configurations](https://spark.apache.org/docs/latest/configuration.html) on the cluster before you start using MMF: ```spark.sql.execution.arrow.enabled true``` and ```spark.sql.adaptive.enabled false``` (more detailed explanation to follow). +To get started, attach the [examples/daily/local_univariate_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/local_univariate_daily.py) notebook to a cluster running [DBR 15.4LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or later versions. The cluster can be either a single-node or multi-node CPU cluster. Make sure to set the following [Spark configurations](https://spark.apache.org/docs/latest/configuration.html) on the cluster before you start using MMF: ```spark.sql.execution.arrow.enabled true``` and ```spark.sql.adaptive.enabled false``` (more detailed explanation to follow). In this notebook, we will apply 20+ models to 100 time series. You can specify the models to use in a list: @@ -112,13 +112,13 @@ To modify the model hyperparameters, change the values in [mmf_sa/models/models_ MMF is fully integrated with MLflow, so once the training kicks off, the experiments will be visible in the MLflow Tracking UI with the corresponding metrics and parameters (note that we do not log all local models in MLFlow, but we store the binaries in the tables ```evaluation_output``` and ```scoring_output```). The metric you see in the MLflow Tracking UI is a simple mean over backtesting trials over all time series. -We encourage you to read through [examples/local_univariate_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/local_univariate_daily.py) notebook to better understand how local models can be applied to your time series using MMF. Other example notebooks for monthly forecasting and forecasting with exogenous regressors can be found in [examples/local_univariate_monthly.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/local_univariate_monthly.py) and [examples/local_univariate_external_regressors_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/local_univariate_external_regressors_daily.py). +We encourage you to read through [examples/daily/local_univariate_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/local_univariate_daily.py) notebook to better understand how local models can be applied to your time series using MMF. An example notebook for forecasting with exogenous regressors can be found in [examples/external_regressors/local_univariate_external_regressors_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/external_regressors/local_univariate_external_regressors_daily.py). ### Global Models Global models leverage patterns across multiple time series, enabling shared learning and improved predictions for each series. You would typically train one big model for many or all time series. They can often deliver better performance and robustness for forecasting large and similar datasets. We support deep learning based models from [neuralforecast](https://nixtlaverse.nixtla.io/neuralforecast/index.html). Covariates (i.e. exogenous regressors) and hyperparameter tuning are both supported for some models. -To get started, attach the [examples/global_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/global_daily.py) notebook to a cluster running [DBR 14.3LTS for ML](https://docs.databricks.com/en/release-notes/runtime/index.html) or later version. We recommend using a single-node cluster with multiple GPU instances such as [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. Multi-node setting is currently not supported. +To get started, attach the [examples/daily/global_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/global_daily.py) notebook to a cluster running [DBR 15.4LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or later version. We recommend using a single-node cluster with multiple GPU instances such as [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. Multi-node setting is currently not supported. You can choose the models to train and put them in a list: @@ -139,7 +139,7 @@ active_models = [ The models prefixed with "Auto" perform hyperparameter optimization within a specified range (see below for more detail). A comprehensive list of models currently supported by MMF is available in the [models_conf.yaml](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/mmf_sa/models/models_conf.yaml). -Now, with the following command, we run the [examples/run_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/run_daily.py) notebook that will in turn call ```run_forecast``` function and loop through the ```active_models``` list . +Now, with the following command, we run the [examples/run_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/run_daily.py) notebook that will in turn call ```run_forecast``` function and loop through the ```active_models``` list. ```python for model in active_models: @@ -189,13 +189,13 @@ To modify the model hyperparameters or reset the range of the hyperparameter sea MMF is fully integrated with MLflow and so once the training kicks off, the experiments will be visible in the MLflow Tracking UI with the corresponding metrics and parameters. Once the training is complete the models will be logged to MLFlow and registered to Unity Catalog. -We encourage you to read through [examples/global_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/global_daily.py) notebook to better understand how global models can be applied to your time series using MMF. Other example notebooks for monthly forecasting and forecasting with exogenous regressors can be found in [examples/global_monthly.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/global_monthly.py) and [examples/global_external_regressors_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/global_external_regressors_daily.py) respectively. +We encourage you to read through [examples/daily/global_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/global_daily.py) notebook to better understand how global models can be applied to your time series using MMF. An example notebook for forecasting with exogenous regressors can be found in [examples/external_regressors/global_external_regressors_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/external_regressors/global_external_regressors_daily.py). ### Foundation Models -Foundation time series models are mostly transformer based models pretrained on millions or billions of time points. These models can perform analysis (i.e. forecasting, anomaly detection, classification) on a previously unseen time series without training or tuning. We support open source models from multiple sources: [chronos](https://github.com/amazon-science/chronos-forecasting), [timesfm](https://github.com/google-research/timesfm), and [moirai](https://blog.salesforceairesearch.com/moirai/). Covariates (i.e. exogenous regressors) and fine-tuning are currently not yet supported. This is a rapidly changing field, and we are working on updating the supported models and new features as the field evolves. +Foundation time series models are mostly transformer based models pretrained on millions or billions of time points. These models can perform analysis (i.e. forecasting, anomaly detection, classification) on a previously unseen time series without training or tuning. We support open source models from multiple sources: [chronos](https://github.com/amazon-science/chronos-forecasting), [timesfm](https://github.com/google-research/timesfm), and [moirai](https://blog.salesforceairesearch.com/moirai/). This is a rapidly changing field, and we are working on updating the supported models and new features as the field evolves. -To get started, attach the [examples/foundation_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/foundation_daily.py) notebook to a cluster running [DBR 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/index.html) or later versions. We recommend using a single-node cluster with multiple GPU instances such as [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. Multi-node setup is currently not supported. +To get started, attach the [examples/daily/foundation_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/foundation_daily.py) notebook to a cluster running [DBR 15.4LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or later versions. We recommend using a single-node cluster with multiple GPU instances such as [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. Multi-node setup is currently not supported. You can choose the models you want to evaluate and forecast by specifying them in a list: @@ -238,7 +238,7 @@ To modify the model hyperparameters, change the values in [mmf_sa/models/models_ MMF is fully integrated with MLflow and so once the training kicks off, the experiments will be visible in the MLflow Tracking UI with the corresponding metrics and parameters. During the evaluation, the models are logged and registered to Unity Catalog. -We encourage you to read through [examples/foundation_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/foundation_daily.py) notebook to better understand how foundation models can be applied to your time series using MMF. An example notebook for monthly forecasting can be found in [examples/foundation_monthly.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/foundation_monthly.py). +We encourage you to read through [examples/daily/foundation_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/foundation_daily.py) notebook to better understand how foundation models can be applied to your time series using MMF. An example notebook for forecasting with exogenous regressors can be found in [examples/external_regressors/foundation_external_regressors_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/external_regressors/foundation_external_regressors_daily.py). #### Using Time Series Foundation Models on Databricks diff --git a/examples/foundation_daily.py b/examples/daily/foundation_daily.py similarity index 87% rename from examples/foundation_daily.py rename to examples/daily/foundation_daily.py index cf154aa..ad8f2e6 100644 --- a/examples/foundation_daily.py +++ b/examples/daily/foundation_daily.py @@ -8,13 +8,13 @@ # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) for distributing the inference tasks and utilizing all the available resource. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) for distributing the inference tasks and utilizing all the available resource. # COMMAND ---------- # MAGIC %md # MAGIC ### Install and import packages -# MAGIC Check out [requirements.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements.txt) if you're interested in the libraries we use. For foundation models, additional dependencies are installed and imported as per demand. See how this is done in `install` function defined in each model pipeline script: e.g. [mmf_sa/models/chronosforecast/ChronosPipeline.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/mmf_sa/models/chronosforecast/ChronosPipeline.py). +# MAGIC Check out [requirements-global.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements-global.txt) if you're interested in the libraries we use. For foundation models, additional dependencies are installed and imported as per demand. See how this is done in `install` function defined in each model pipeline script: e.g. [mmf_sa/models/chronosforecast/ChronosPipeline.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/mmf_sa/models/chronosforecast/ChronosPipeline.py). # COMMAND ---------- @@ -139,6 +139,8 @@ def transform_group(df): # MAGIC # MAGIC Now, we can run the evaluation and forecasting using `run_forecast` function defined in [mmf_sa/models/__init__.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/mmf_sa/models/__init__.py). Refer to [README.md](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/README.md#parameters-description) for a comprehensive description of each parameter. # MAGIC +# MAGIC Note that we are not providing any covariate field (i.e. `static_features`, `dynamic_future_numerical`, `dynamic_future_categorical`, `dynamic_historical_numerical`, or `dynamic_historical_categorical`) yet in this example. We will look into how we can add exogenous regressors to help our models in a different notebook: [examples/external_regressors/foundation_external_regressors_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/external_regressors/foundation_external_regressors_daily.py). +# MAGIC # MAGIC While the following cell is running, you can check the status of your run on Experiments. Make sure you look for the experiments with the path you provided as `experiment_path` within `run_forecast`. On the Experiments page, you see one entry per one model (i.e. ChronosT5Large). The metric provided here is a simple average over all back testing trials and all time series. This is intended to give you an initial feeling of how good each model performs on your entire data mix. But we will look into how you can scrutinize the evaluation using the `evaluation_output` table in a bit. # MAGIC # MAGIC If you are interested in how MMF achieves distributed inference on these foundation models using Pandas UDF, have a look at the model pipeline scripts: e.g. [mmf_sa/models/chronosforecast/ChronosPipeline.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/mmf_sa/models/chronosforecast/ChronosPipeline.py). @@ -152,7 +154,7 @@ def transform_group(df): for model in active_models: dbutils.notebook.run( - "run_daily", + "../run_daily", timeout_seconds=0, arguments={"catalog": catalog, "db": db, "model": model, "run_id": run_id, "user": user}) @@ -181,12 +183,12 @@ def transform_group(df): # MAGIC # MAGIC We also register the model in Unity Catalog and store each model's URI in this table (`model_uri`). You can use MLFlow to [load the models](https://mlflow.org/docs/latest/python_api/mlflow.pyfunc.html#mlflow.pyfunc.load_model) and access their specifications or produce forecasts. # MAGIC -# MAGIC Once you have your foundation models registered in Unity Catalog, you can deploy them behind a real-time endpoint on [Model Serving](https://docs.databricks.com/en/machine-learning/model-serving/index.html). You can then generate a multi-step ahead forecast at any point in time as long as you provide the history with the right resolution. This could be a game changing feature for applications relying on real-time tracking and monitoring of time series data. See the notebooks in [examples/foundation-model-examples](https://github.com/databricks-industry-solutions/many-model-forecasting/tree/main/examples/foundation-model-examples) for examples of how to register and deploy a model, and make an online forecasting request on that model. +# MAGIC Once you have your foundation models registered in Unity Catalog, you can deploy them behind a real-time endpoint on [Model Serving](https://docs.databricks.com/en/machine-learning/model-serving/index.html). You can then generate a multi-step ahead forecast at any point in time as long as you provide the history with the right resolution. This could be a game changing feature for applications relying on real-time tracking and monitoring of time series data. See the notebooks in [databricks-industry-solutions/transformer_forecasting](https://github.com/databricks-industry-solutions/transformer_forecasting) for examples of how to register and deploy a model, and make an online forecasting request on that model. # COMMAND ---------- # MAGIC %md ### Forecast -# MAGIC In `scoring_output` table, forecasts for each time series from each model are stored. Based on the evaluation exercised performed on `evaluation_output` table, you can select the forecasts from the best performing models or a mix of models. We again store each model's URI in this table (`model_uri`). You can use MLFlow to [load the models](https://mlflow.org/docs/latest/python_api/mlflow.pyfunc.html#mlflow.pyfunc.load_model) and access their specifications or produce forecasts. +# MAGIC In `scoring_output` table, forecasts for each time series from each model are stored. Based on the evaluation exercised performed on `evaluation_output` table, you can select the forecasts from the best performing models or a mix of models. We again store each model's URI in this table (`model_uri`). # COMMAND ---------- diff --git a/examples/global_daily.py b/examples/daily/global_daily.py similarity index 92% rename from examples/global_daily.py rename to examples/daily/global_daily.py index 16abcb1..9189ea3 100644 --- a/examples/global_daily.py +++ b/examples/daily/global_daily.py @@ -8,13 +8,13 @@ # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. MMF leverages [neuralforecast](https://nixtlaverse.nixtla.io/neuralforecast/index.html) which is built on top of [pytorch](https://lightning.ai/docs/pytorch/stable/common/trainer.html) and can therefore utilize all the [available resources](https://lightning.ai/docs/pytorch/stable/common/trainer.html). +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. MMF leverages [neuralforecast](https://nixtlaverse.nixtla.io/neuralforecast/index.html) which is built on top of [pytorch](https://lightning.ai/docs/pytorch/stable/common/trainer.html) and can therefore utilize all the [available resources](https://lightning.ai/docs/pytorch/stable/common/trainer.html). # COMMAND ---------- # MAGIC %md # MAGIC ### Install and import packages -# MAGIC Check out [requirements.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements.txt) if you're interested in the libraries we use. +# MAGIC Check out [requirements-global.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements-global.txt) if you're interested in the libraries we use. # COMMAND ---------- @@ -135,7 +135,7 @@ def transform_group(df): # MAGIC # MAGIC Now, we can run the evaluation and forecasting using `run_forecast` function defined in [mmf_sa/models/__init__.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/mmf_sa/models/__init__.py). Refer to [README.md](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/README.md#parameters-description) for a comprehensive description of each parameter. # MAGIC -# MAGIC Note that we are not providing any covariate field (i.e. `static_features`, `dynamic_future` or `dynamic_historical`) yet in this example. We will look into how we can add exogenous regressors to help our models in a different notebook: [examples/global_external_regressors_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/global_external_regressors_daily.py). +# MAGIC Note that we are not providing any covariate field (i.e. `static_features`, `dynamic_future` or `dynamic_historical`) yet in this example. We will look into how we can add exogenous regressors to help our models in a different notebook: [examples/external_regressors/global_external_regressors_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/external_regressors/global_external_regressors_daily.py). # MAGIC # MAGIC While the following cell is running, you can check the status of your run on Experiments. Make sure you look for the experiments with the path you provided as `experiment_path` within `run_forecast`. On the Experiments page, you see one entry per one model (i.e. NeuralForecastAutoNBEATSx). The metric provided here is a simple average over all back testing trials and all time series. This is intended to give you an initial feeling of how good each model performs on your entire data mix. But we will look into how you can scrutinize the evaluation using the `evaluation_output` table in a bit. # MAGIC @@ -150,7 +150,7 @@ def transform_group(df): for model in active_models: dbutils.notebook.run( - "run_daily", + "../run_daily", timeout_seconds=0, arguments={"catalog": catalog, "db": db, "model": model, "run_id": run_id, "user": user}) @@ -176,12 +176,12 @@ def transform_group(df): # MAGIC # MAGIC Note that if you run local and/or global models against the same time series with the same input parameters (except for those specifying global and foundation models), you will get the entries from those models in the same table and will be able to compare across all types models, which is the biggest benefit of having all models integrated in one solution. # MAGIC -# MAGIC We also register the model in Unity Catalog and store each model's URI in this table (`model_uri`). You can use MLFlow to [load the models](https://mlflow.org/docs/latest/python_api/mlflow.sklearn.html#mlflow.sklearn.load_model) and access their specifications or produce forecasts. +# MAGIC We also register the model in Unity Catalog and store each model's URI in this table (`model_uri`). You can use MLFlow to [load the models](https://mlflow.org/docs/latest/python_api/mlflow.pyfunc.html#mlflow.pyfunc.load_model) and access their specifications or produce forecasts. # COMMAND ---------- # MAGIC %md ### Forecast -# MAGIC In `scoring_output` table, forecasts for each time series from each model are stored. Based on the evaluation exercised performed on `evaluation_output` table, you can select the forecasts from the best performing models or a mix of models. We again store each model's URI in this table (`model_uri`). You can use MLFlow to [load the models](https://mlflow.org/docs/latest/python_api/mlflow.sklearn.html#mlflow.sklearn.load_model) and access their specifications or produce forecasts. +# MAGIC In `scoring_output` table, forecasts for each time series from each model are stored. Based on the evaluation exercised performed on `evaluation_output` table, you can select the forecasts from the best performing models or a mix of models. We again store each model's URI in this table (`model_uri`). # COMMAND ---------- diff --git a/examples/local_univariate_daily.py b/examples/daily/local_univariate_daily.py similarity index 96% rename from examples/local_univariate_daily.py rename to examples/daily/local_univariate_daily.py index f55cdec..88345ec 100644 --- a/examples/local_univariate_daily.py +++ b/examples/daily/local_univariate_daily.py @@ -8,7 +8,7 @@ # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster can be either a single-node or multi-node CPU cluster. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) under the hood and utilizes all the available resource. Make sure to set the following Spark configurations before you start your cluster: [`spark.sql.execution.arrow.enabled true`](https://spark.apache.org/docs/3.0.1/sql-pyspark-pandas-with-arrow.html#enabling-for-conversion-tofrom-pandas) and [`spark.sql.adaptive.enabled false`](https://spark.apache.org/docs/latest/sql-performance-tuning.html#adaptive-query-execution). You can do this by specifying [Spark configuration](https://docs.databricks.com/en/compute/configure.html#spark-configuration) in the advanced options on the cluster creation page. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster can be either a single-node or multi-node CPU cluster. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) under the hood and utilizes all the available resource. Make sure to set the following Spark configurations before you start your cluster: [`spark.sql.execution.arrow.enabled true`](https://spark.apache.org/docs/3.0.1/sql-pyspark-pandas-with-arrow.html#enabling-for-conversion-tofrom-pandas) and [`spark.sql.adaptive.enabled false`](https://spark.apache.org/docs/latest/sql-performance-tuning.html#adaptive-query-execution). You can do this by specifying [Spark configuration](https://docs.databricks.com/en/compute/configure.html#spark-configuration) in the advanced options on the cluster creation page. # COMMAND ---------- @@ -19,7 +19,7 @@ # COMMAND ---------- # DBTITLE 1,Install the necessary libraries -# MAGIC %pip install -r ../requirements.txt --quiet +# MAGIC %pip install -r ../../requirements.txt --quiet # MAGIC dbutils.library.restartPython() # COMMAND ---------- @@ -161,7 +161,7 @@ def transform_group(df): # MAGIC # MAGIC Now, we can run the evaluation and forecasting using `run_forecast` function defined in [mmf_sa/models/__init__.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/mmf_sa/models/__init__.py). # MAGIC -# MAGIC Refer to [README.md](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/README.md#parameters-description) for a comprehensive explanation of each parameter. Note that we are not providing any covariate field (i.e. `static_features`, `dynamic_future` or `dynamic_historical`) yet in this example. We will look into how we can add exogenous regressors to help our models in a different notebook: [examples/local_univariate_external_regressors_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/local_univariate_external_regressors_daily.py). +# MAGIC Refer to [README.md](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/README.md#parameters-description) for a comprehensive explanation of each parameter. Note that we are not providing any covariate field (i.e. `static_features`, `dynamic_future` or `dynamic_historical`) yet in this example. We will look into how we can add exogenous regressors to help our models in a different notebook: [examples/external_regressors/local_univariate_external_regressors_daily.py](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/external_regressors/local_univariate_external_regressors_daily.py). # MAGIC # MAGIC While the following cell is running, you can check the status of your run on Experiments. Make sure you look for the experiments with the path you provided as `experiment_path` within `run_forecast`. On the Experiments page, you see one entry per one model (i.e. StatsForecastAutoArima). The metric provided here is a simple average over all back testing trials and all time series. This is intended to give you an initial feeling of how good each model performs on your entire data mix. But we will look into how you can scrutinize the evaluation using the `evaluation_output` table in a bit. # MAGIC diff --git a/examples/foundation_external_regressors_daily.py b/examples/external_regressors/foundation_external_regressors_daily.py similarity index 92% rename from examples/foundation_external_regressors_daily.py rename to examples/external_regressors/foundation_external_regressors_daily.py index 04a0c74..a569488 100644 --- a/examples/foundation_external_regressors_daily.py +++ b/examples/external_regressors/foundation_external_regressors_daily.py @@ -2,20 +2,20 @@ # MAGIC %md # MAGIC # Many Models Forecasting Demo # MAGIC -# MAGIC This notebook showcases how to run MMF with foundation models on multiple time series of daily resolution using exogenous regressors. We will use [Rossmann Store](https://www.kaggle.com/competitions/rossmann-store-sales/data) data. To be able to run this notebook, you need to register on [Kaggle](https://www.kaggle.com/) and download the dataset. The descriptions here are mostly the same as the case [without exogenous regressors](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/foundation_daily.py), so we will skip the redundant parts and focus only on the essentials. +# MAGIC This notebook showcases how to run MMF with foundation models on multiple time series of daily resolution using exogenous regressors. We will use [Rossmann Store](https://www.kaggle.com/competitions/rossmann-store-sales/data) data. To be able to run this notebook, you need to register on [Kaggle](https://www.kaggle.com/) and download the dataset. The descriptions here are mostly the same as the case [without exogenous regressors](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/foundation_daily.py), so we will skip the redundant parts and focus only on the essentials. # COMMAND ---------- # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. # COMMAND ---------- # MAGIC %md # MAGIC ### Install and import packages -# MAGIC Check out [requirements.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements.txt) if you're interested in the libraries we use. +# MAGIC Check out [requirements-global.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements-global.txt) if you're interested in the libraries we use. # COMMAND ---------- @@ -58,7 +58,7 @@ # Number of time series to sample sample = True -size = 1000 +size = 100 stores = sorted(random.sample(range(0, 1000), size)) train = spark.read.csv(f"/Volumes/{catalog}/{db}/{volume}/train.csv", header=True, inferSchema=True) @@ -119,7 +119,7 @@ for model in active_models: dbutils.notebook.run( - "run_external_regressors_daily", + "../run_external_regressors_daily", timeout_seconds=0, arguments={"catalog": catalog, "db": db, "model": model, "run_id": run_id, "user": user}) @@ -161,4 +161,4 @@ # COMMAND ---------- -#display(spark.sql(f"delete from {catalog}.{db}.rossmann_daily_scoring_output")) \ No newline at end of file +#display(spark.sql(f"delete from {catalog}.{db}.rossmann_daily_scoring_output")) diff --git a/examples/global_external_regressors_daily.py b/examples/external_regressors/global_external_regressors_daily.py similarity index 91% rename from examples/global_external_regressors_daily.py rename to examples/external_regressors/global_external_regressors_daily.py index e9a518b..2f1fa94 100644 --- a/examples/global_external_regressors_daily.py +++ b/examples/external_regressors/global_external_regressors_daily.py @@ -2,20 +2,20 @@ # MAGIC %md # MAGIC # Many Models Forecasting Demo # MAGIC -# MAGIC This notebook showcases how to run MMF with global models on multiple time series of daily resolution using exogenous regressors. We will use [Rossmann Store](https://www.kaggle.com/competitions/rossmann-store-sales/data) data. To be able to run this notebook, you need to register on [Kaggle](https://www.kaggle.com/) and download the dataset. The descriptions here are mostly the same as the case [without exogenous regressors](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/global_daily.py), so we will skip the redundant parts and focus only on the essentials. +# MAGIC This notebook showcases how to run MMF with global models on multiple time series of daily resolution using exogenous regressors. We will use [Rossmann Store](https://www.kaggle.com/competitions/rossmann-store-sales/data) data. To be able to run this notebook, you need to register on [Kaggle](https://www.kaggle.com/) and download the dataset. The descriptions here are mostly the same as the case [without exogenous regressors](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/global_daily.py), so we will skip the redundant parts and focus only on the essentials. # COMMAND ---------- # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. MMF leverages [neuralforecast](https://nixtlaverse.nixtla.io/neuralforecast/index.html) which is built on top of [pytorch](https://lightning.ai/docs/pytorch/stable/common/trainer.html) and can therefore utilize all the [available resources](https://lightning.ai/docs/pytorch/stable/common/trainer.html). +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. MMF leverages [neuralforecast](https://nixtlaverse.nixtla.io/neuralforecast/index.html) which is built on top of [pytorch](https://lightning.ai/docs/pytorch/stable/common/trainer.html) and can therefore utilize all the [available resources](https://lightning.ai/docs/pytorch/stable/common/trainer.html). # COMMAND ---------- # MAGIC %md # MAGIC ### Install and import packages -# MAGIC Check out [requirements.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements.txt) if you're interested in the libraries we use. +# MAGIC Check out [requirements-global.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements-global.txt) if you're interested in the libraries we use. # COMMAND ---------- @@ -97,7 +97,7 @@ # MAGIC %md ### Models # MAGIC Let's configure a list of models we are going to apply to our time series for evaluation and forecasting. A comprehensive list of all supported models is available in [mmf_sa/models/models_conf.yaml](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/mmf_sa/models/models_conf.yaml). Look for the models where `model_type: global`; these are the global models we import from [neuralforecast](https://github.com/Nixtla/neuralforecast). Check their documentation for the detailed description of each model. # MAGIC -# MAGIC Exogenous regressors are currently only supported for [some models](https://nixtlaverse.nixtla.io/neuralforecast/models.html) (e.g. `NeuralForecastAutoNBEATSx`). But including non-supported models in the active model list doesn't harm: models that can't use exogenous regressors will simply ignore them. +# MAGIC Exogenous regressors are currently only supported for [some models](https://nixtlaverse.nixtla.io/neuralforecast/models.html) (e.g. `NeuralForecastAutoNBEATSx`). The following list of models support exogenous regressors. # COMMAND ---------- @@ -126,7 +126,7 @@ for model in active_models: dbutils.notebook.run( - "run_external_regressors_daily", + "../run_external_regressors_daily", timeout_seconds=0, arguments={"catalog": catalog, "db": db, "model": model, "run_id": run_id, "user": user}) diff --git a/examples/local_univariate_external_regressors_daily.py b/examples/external_regressors/local_univariate_external_regressors_daily.py similarity index 95% rename from examples/local_univariate_external_regressors_daily.py rename to examples/external_regressors/local_univariate_external_regressors_daily.py index 48b34a6..445dbd5 100644 --- a/examples/local_univariate_external_regressors_daily.py +++ b/examples/external_regressors/local_univariate_external_regressors_daily.py @@ -2,19 +2,19 @@ # MAGIC %md # MAGIC # Many Models Forecasting Demo # MAGIC -# MAGIC This notebook showcases how to run MMF with local models on multiple time series of daily resolution using exogenous regressors. We will use [Rossmann Store](https://www.kaggle.com/competitions/rossmann-store-sales/data) data. To be able to run this notebook, you need to register on [Kaggle](https://www.kaggle.com/) and download the dataset. The descriptions here are mostly the same as the case [without exogenous regressors](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/local_univariate_daily.py), so we will skip the redundant parts and focus only on the essentials. +# MAGIC This notebook showcases how to run MMF with local models on multiple time series of daily resolution using exogenous regressors. We will use [Rossmann Store](https://www.kaggle.com/competitions/rossmann-store-sales/data) data. To be able to run this notebook, you need to register on [Kaggle](https://www.kaggle.com/) and download the dataset. The descriptions here are mostly the same as the case [without exogenous regressors](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/local_univariate_daily.py), so we will skip the redundant parts and focus only on the essentials. # COMMAND ---------- # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster can be either a single-node or multi-node CPU cluster. Make sure to set the following Spark configurations before you start your cluster: [`spark.sql.execution.arrow.enabled true`](https://spark.apache.org/docs/3.0.1/sql-pyspark-pandas-with-arrow.html#enabling-for-conversion-tofrom-pandas) and [`spark.sql.adaptive.enabled false`](https://spark.apache.org/docs/latest/sql-performance-tuning.html#adaptive-query-execution). You can do this by specifying [Spark configuration](https://docs.databricks.com/en/compute/configure.html#spark-configuration) in the advanced options on the cluster creation page. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster can be either a single-node or multi-node CPU cluster. Make sure to set the following Spark configurations before you start your cluster: [`spark.sql.execution.arrow.enabled true`](https://spark.apache.org/docs/3.0.1/sql-pyspark-pandas-with-arrow.html#enabling-for-conversion-tofrom-pandas) and [`spark.sql.adaptive.enabled false`](https://spark.apache.org/docs/latest/sql-performance-tuning.html#adaptive-query-execution). You can do this by specifying [Spark configuration](https://docs.databricks.com/en/compute/configure.html#spark-configuration) in the advanced options on the cluster creation page. # COMMAND ---------- # DBTITLE 1,Install the necessary libraries -# MAGIC %pip install -r ../requirements.txt --quiet +# MAGIC %pip install -r ../../requirements.txt --quiet # MAGIC dbutils.library.restartPython() # COMMAND ---------- @@ -134,7 +134,7 @@ # MAGIC %md ### Run MMF # MAGIC -# MAGIC Now, we run the evaluation and forecasting using `run_forecast` function. We are providing the training table and the scoring table names. If `scoring_data` is not provided or if the same name as `train_data` is provided, the models will ignore the `dynamic_future_numerical` and `dynamic_future_categorical` regressors. Note that we are providing a covariate field (i.e. `dynamic_future_numerical` or `dynamic_future_categorical`) this time. There are also other convariate fields, namely `static_features`, `dynamic_historical_numerical` and `dynamic_historical_categorical`, but these are only relevant with the global models. +# MAGIC Now, we run the evaluation and forecasting using `run_forecast` function. We are providing the training table and the scoring table names. If `scoring_data` is not provided or if the same name as `train_data` is provided, the models will ignore the `dynamic_future_numerical` and `dynamic_future_categorical` regressors. Note that we are providing a covariate field (i.e. `dynamic_future_numerical` or `dynamic_future_categorical`) this time. There are also other convariate fields, namely `static_features`, `dynamic_historical_numerical` and `dynamic_historical_categorical`, but these are only relevant with the global and foundation models. # COMMAND ---------- diff --git a/examples/foundation_hourly.py b/examples/hourly/foundation_hourly.py similarity index 92% rename from examples/foundation_hourly.py rename to examples/hourly/foundation_hourly.py index c3a8623..c55f298 100644 --- a/examples/foundation_hourly.py +++ b/examples/hourly/foundation_hourly.py @@ -1,20 +1,20 @@ # Databricks notebook source # MAGIC %md # MAGIC # Many Models Forecasting Demo -# MAGIC This notebook showcases how to run MMF with foundation models on multiple time series of hourly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/foundation_daily.py), so we will skip the redundant parts and focus only on the essentials. +# MAGIC This notebook showcases how to run MMF with foundation models on multiple time series of hourly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/foundation_daily.py), so we will skip the redundant parts and focus only on the essentials. # COMMAND ---------- # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) for distributing the inference tasks and utilizing all the available resource. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) for distributing the inference tasks and utilizing all the available resource. # COMMAND ---------- # MAGIC %md # MAGIC ### Install and import packages -# MAGIC Check out [requirements.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements.txt) if you're interested in the libraries we use. +# MAGIC Check out [requirements-global.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements-global.txt) if you're interested in the libraries we use. # COMMAND ---------- @@ -148,7 +148,7 @@ def transform_group(df): for model in active_models: dbutils.notebook.run( - "run_hourly", + "../run_hourly", timeout_seconds=0, arguments={"catalog": catalog, "db": db, "model": model, "run_id": run_id, "user": user}) @@ -189,4 +189,4 @@ def transform_group(df): # COMMAND ---------- -#display(spark.sql(f"delete from {catalog}.{db}.hourly_scoring_output")) \ No newline at end of file +#display(spark.sql(f"delete from {catalog}.{db}.hourly_scoring_output")) diff --git a/examples/global_hourly.py b/examples/hourly/global_hourly.py similarity index 92% rename from examples/global_hourly.py rename to examples/hourly/global_hourly.py index df65428..960cceb 100644 --- a/examples/global_hourly.py +++ b/examples/hourly/global_hourly.py @@ -1,20 +1,20 @@ # Databricks notebook source # MAGIC %md # MAGIC # Many Models Forecasting Demo -# MAGIC This notebook showcases how to run MMF with global models on multiple time series of hourly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/global_daily.py), so we will skip the redundant parts and focus only on the essentials. +# MAGIC This notebook showcases how to run MMF with global models on multiple time series of hourly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/global_daily.py), so we will skip the redundant parts and focus only on the essentials. # COMMAND ---------- # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. # COMMAND ---------- # MAGIC %md # MAGIC ### Install and import packages -# MAGIC Check out [requirements.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements.txt) if you're interested in the libraries we use. +# MAGIC Check out [requirements-global.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements-global.txt) if you're interested in the libraries we use. # COMMAND ---------- @@ -142,7 +142,7 @@ def transform_group(df): for model in active_models: dbutils.notebook.run( - "run_hourly", + "../run_hourly", timeout_seconds=0, arguments={"catalog": catalog, "db": db, "model": model, "run_id": run_id, "user": user}) @@ -183,4 +183,4 @@ def transform_group(df): # COMMAND ---------- -#display(spark.sql(f"delete from {catalog}.{db}.hourly_scoring_output")) \ No newline at end of file +#display(spark.sql(f"delete from {catalog}.{db}.hourly_scoring_output")) diff --git a/examples/local_univariate_hourly.py b/examples/hourly/local_univariate_hourly.py similarity index 95% rename from examples/local_univariate_hourly.py rename to examples/hourly/local_univariate_hourly.py index 1a63540..c3095fa 100644 --- a/examples/local_univariate_hourly.py +++ b/examples/hourly/local_univariate_hourly.py @@ -8,7 +8,7 @@ # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster can be either a single-node or multi-node CPU cluster. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) under the hood and utilizes all the available resource. Make sure to set the following Spark configurations before you start your cluster: [`spark.sql.execution.arrow.enabled true`](https://spark.apache.org/docs/3.0.1/sql-pyspark-pandas-with-arrow.html#enabling-for-conversion-tofrom-pandas) and [`spark.sql.adaptive.enabled false`](https://spark.apache.org/docs/latest/sql-performance-tuning.html#adaptive-query-execution). You can do this by specifying [Spark configuration](https://docs.databricks.com/en/compute/configure.html#spark-configuration) in the advanced options on the cluster creation page. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster can be either a single-node or multi-node CPU cluster. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) under the hood and utilizes all the available resource. Make sure to set the following Spark configurations before you start your cluster: [`spark.sql.execution.arrow.enabled true`](https://spark.apache.org/docs/3.0.1/sql-pyspark-pandas-with-arrow.html#enabling-for-conversion-tofrom-pandas) and [`spark.sql.adaptive.enabled false`](https://spark.apache.org/docs/latest/sql-performance-tuning.html#adaptive-query-execution). You can do this by specifying [Spark configuration](https://docs.databricks.com/en/compute/configure.html#spark-configuration) in the advanced options on the cluster creation page. # COMMAND ---------- @@ -19,7 +19,7 @@ # COMMAND ---------- # DBTITLE 1,Install the necessary libraries -# MAGIC %pip install -r ../requirements.txt --quiet +# MAGIC %pip install -r ../../requirements.txt --quiet # MAGIC dbutils.library.restartPython() # COMMAND ---------- @@ -119,7 +119,9 @@ def transform_group(df): # COMMAND ---------- # MAGIC %md ### Models -# MAGIC Let's configure a list of models we are going to apply to our time series for evaluation and forecasting. A comprehensive list of all supported models is available in [mmf_sa/models/models_conf.yaml](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/mmf_sa/models/models_conf.yaml). Look for the models where `model_type: local`; these are the local models we import from [statsforecast](https://github.com/Nixtla/statsforecast). Check their documentations for the description of each model. **Note that hourly forecasting is currently not supported for `r fable` and `sktime` models.** +# MAGIC Let's configure a list of models we are going to apply to our time series for evaluation and forecasting. A comprehensive list of all supported models is available in [mmf_sa/models/models_conf.yaml](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/mmf_sa/models/models_conf.yaml). Look for the models where `model_type: local`; these are the local models we import from [statsforecast](https://github.com/Nixtla/statsforecast). Check their documentations for the description of each model. +# MAGIC +# MAGIC *Note that hourly forecasting is currently not supported for `r fable` and `sktime` models.* # COMMAND ---------- @@ -208,4 +210,4 @@ def transform_group(df): # COMMAND ---------- -#display(spark.sql(f"delete from {catalog}.{db}.hourly_scoring_output")) \ No newline at end of file +#display(spark.sql(f"delete from {catalog}.{db}.hourly_scoring_output")) diff --git a/examples/m5-examples/data_preparation_m5.py b/examples/m5/data_preparation_m5.py similarity index 100% rename from examples/m5-examples/data_preparation_m5.py rename to examples/m5/data_preparation_m5.py diff --git a/examples/m5-examples/foundation_daily_m5.py b/examples/m5/foundation_daily_m5.py similarity index 96% rename from examples/m5-examples/foundation_daily_m5.py rename to examples/m5/foundation_daily_m5.py index ec9f693..607ef3c 100644 --- a/examples/m5-examples/foundation_daily_m5.py +++ b/examples/m5/foundation_daily_m5.py @@ -14,7 +14,7 @@ catalog = "mmf" # Name of the catalog we use to manage our assets db = "m5" # Name of the schema we use to manage our assets (e.g. datasets) -n = 100 # Number of items: choose from [100, 1000, 10000, 'full']. full is 35k +n = 1000 # Number of items: choose from [100, 1000, 10000, 'full']. full is 35k table = f"daily_train_{n}" # Training table name user = spark.sql('select current_user() as user').collect()[0]['user'] # User email diff --git a/examples/m5-examples/global_daily_m5.py b/examples/m5/global_daily_m5.py similarity index 87% rename from examples/m5-examples/global_daily_m5.py rename to examples/m5/global_daily_m5.py index 5c28f69..a020d2a 100644 --- a/examples/m5-examples/global_daily_m5.py +++ b/examples/m5/global_daily_m5.py @@ -14,7 +14,7 @@ catalog = "mmf" # Name of the catalog we use to manage our assets db = "m5" # Name of the schema we use to manage our assets (e.g. datasets) -n = 100 # Number of items: choose from [100, 1000, 10000, 'full']. full is 35k +n = 1000 # Number of items: choose from [100, 1000, 10000, 'full']. full is 35k table = f"daily_train_{n}" # Training table name user = spark.sql('select current_user() as user').collect()[0]['user'] # User email @@ -64,10 +64,12 @@ # COMMAND ---------- -display(spark.sql(f""" - select * from {catalog}.{db}.daily_scoring_output - order by unique_id, model, ds limit 10 - """)) +display( + spark.sql(f""" + select * from {catalog}.{db}.daily_scoring_output + order by unique_id, model, ds + limit 10 + """)) # COMMAND ---------- diff --git a/examples/m5/lightning_logs/version_0/events.out.tfevents.1717939364.0124-101655-9l2fggt9-10-0-1-10.175511.0 b/examples/m5/lightning_logs/version_0/events.out.tfevents.1717939364.0124-101655-9l2fggt9-10-0-1-10.175511.0 new file mode 100644 index 0000000..0d9e47e Binary files /dev/null and b/examples/m5/lightning_logs/version_0/events.out.tfevents.1717939364.0124-101655-9l2fggt9-10-0-1-10.175511.0 differ diff --git a/examples/m5/lightning_logs/version_0/hparams.yaml b/examples/m5/lightning_logs/version_0/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_0/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_1/events.out.tfevents.1717939378.0124-101655-9l2fggt9-10-0-1-10.178134.0 b/examples/m5/lightning_logs/version_1/events.out.tfevents.1717939378.0124-101655-9l2fggt9-10-0-1-10.178134.0 new file mode 100644 index 0000000..5fbf219 Binary files /dev/null and b/examples/m5/lightning_logs/version_1/events.out.tfevents.1717939378.0124-101655-9l2fggt9-10-0-1-10.178134.0 differ diff --git a/examples/m5/lightning_logs/version_1/hparams.yaml b/examples/m5/lightning_logs/version_1/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_1/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_10/events.out.tfevents.1717939529.0124-101655-9l2fggt9-10-0-1-10.175081.8 b/examples/m5/lightning_logs/version_10/events.out.tfevents.1717939529.0124-101655-9l2fggt9-10-0-1-10.175081.8 new file mode 100644 index 0000000..f6cf682 Binary files /dev/null and b/examples/m5/lightning_logs/version_10/events.out.tfevents.1717939529.0124-101655-9l2fggt9-10-0-1-10.175081.8 differ diff --git a/examples/m5/lightning_logs/version_10/hparams.yaml b/examples/m5/lightning_logs/version_10/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_10/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_100/events.out.tfevents.1736841350.0124-101655-9l2fggt9-10-0-13-137.67312.7 b/examples/m5/lightning_logs/version_100/events.out.tfevents.1736841350.0124-101655-9l2fggt9-10-0-13-137.67312.7 new file mode 100644 index 0000000..9d5ff3f Binary files /dev/null and b/examples/m5/lightning_logs/version_100/events.out.tfevents.1736841350.0124-101655-9l2fggt9-10-0-13-137.67312.7 differ diff --git a/examples/m5/lightning_logs/version_100/hparams.yaml b/examples/m5/lightning_logs/version_100/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_100/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_101/events.out.tfevents.1736841351.0124-101655-9l2fggt9-10-0-13-137.67312.8 b/examples/m5/lightning_logs/version_101/events.out.tfevents.1736841351.0124-101655-9l2fggt9-10-0-13-137.67312.8 new file mode 100644 index 0000000..c7f35c0 Binary files /dev/null and b/examples/m5/lightning_logs/version_101/events.out.tfevents.1736841351.0124-101655-9l2fggt9-10-0-13-137.67312.8 differ diff --git a/examples/m5/lightning_logs/version_101/hparams.yaml b/examples/m5/lightning_logs/version_101/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_101/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_102/events.out.tfevents.1736841352.0124-101655-9l2fggt9-10-0-13-137.67312.9 b/examples/m5/lightning_logs/version_102/events.out.tfevents.1736841352.0124-101655-9l2fggt9-10-0-13-137.67312.9 new file mode 100644 index 0000000..8859ffe Binary files /dev/null and b/examples/m5/lightning_logs/version_102/events.out.tfevents.1736841352.0124-101655-9l2fggt9-10-0-13-137.67312.9 differ diff --git a/examples/m5/lightning_logs/version_102/hparams.yaml b/examples/m5/lightning_logs/version_102/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_102/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_103/events.out.tfevents.1736841361.0124-101655-9l2fggt9-10-0-13-137.67312.10 b/examples/m5/lightning_logs/version_103/events.out.tfevents.1736841361.0124-101655-9l2fggt9-10-0-13-137.67312.10 new file mode 100644 index 0000000..d0e8690 Binary files /dev/null and b/examples/m5/lightning_logs/version_103/events.out.tfevents.1736841361.0124-101655-9l2fggt9-10-0-13-137.67312.10 differ diff --git a/examples/m5/lightning_logs/version_103/hparams.yaml b/examples/m5/lightning_logs/version_103/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_103/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_104/events.out.tfevents.1736841491.0124-101655-9l2fggt9-10-0-13-137.88386.0 b/examples/m5/lightning_logs/version_104/events.out.tfevents.1736841491.0124-101655-9l2fggt9-10-0-13-137.88386.0 new file mode 100644 index 0000000..65d0e45 Binary files /dev/null and b/examples/m5/lightning_logs/version_104/events.out.tfevents.1736841491.0124-101655-9l2fggt9-10-0-13-137.88386.0 differ diff --git a/examples/m5/lightning_logs/version_104/hparams.yaml b/examples/m5/lightning_logs/version_104/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_104/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_105/events.out.tfevents.1736841516.0124-101655-9l2fggt9-10-0-13-137.98316.0 b/examples/m5/lightning_logs/version_105/events.out.tfevents.1736841516.0124-101655-9l2fggt9-10-0-13-137.98316.0 new file mode 100644 index 0000000..e564d69 Binary files /dev/null and b/examples/m5/lightning_logs/version_105/events.out.tfevents.1736841516.0124-101655-9l2fggt9-10-0-13-137.98316.0 differ diff --git a/examples/m5/lightning_logs/version_105/hparams.yaml b/examples/m5/lightning_logs/version_105/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_105/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_106/events.out.tfevents.1736841533.0124-101655-9l2fggt9-10-0-13-137.88031.0 b/examples/m5/lightning_logs/version_106/events.out.tfevents.1736841533.0124-101655-9l2fggt9-10-0-13-137.88031.0 new file mode 100644 index 0000000..92cccc9 Binary files /dev/null and b/examples/m5/lightning_logs/version_106/events.out.tfevents.1736841533.0124-101655-9l2fggt9-10-0-13-137.88031.0 differ diff --git a/examples/m5/lightning_logs/version_106/hparams.yaml b/examples/m5/lightning_logs/version_106/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_106/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_107/events.out.tfevents.1736841535.0124-101655-9l2fggt9-10-0-13-137.88031.1 b/examples/m5/lightning_logs/version_107/events.out.tfevents.1736841535.0124-101655-9l2fggt9-10-0-13-137.88031.1 new file mode 100644 index 0000000..e0bed51 Binary files /dev/null and b/examples/m5/lightning_logs/version_107/events.out.tfevents.1736841535.0124-101655-9l2fggt9-10-0-13-137.88031.1 differ diff --git a/examples/m5/lightning_logs/version_107/hparams.yaml b/examples/m5/lightning_logs/version_107/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_107/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_108/events.out.tfevents.1736841537.0124-101655-9l2fggt9-10-0-13-137.88031.2 b/examples/m5/lightning_logs/version_108/events.out.tfevents.1736841537.0124-101655-9l2fggt9-10-0-13-137.88031.2 new file mode 100644 index 0000000..738da2f Binary files /dev/null and b/examples/m5/lightning_logs/version_108/events.out.tfevents.1736841537.0124-101655-9l2fggt9-10-0-13-137.88031.2 differ diff --git a/examples/m5/lightning_logs/version_108/hparams.yaml b/examples/m5/lightning_logs/version_108/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_108/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_109/events.out.tfevents.1736841538.0124-101655-9l2fggt9-10-0-13-137.88031.3 b/examples/m5/lightning_logs/version_109/events.out.tfevents.1736841538.0124-101655-9l2fggt9-10-0-13-137.88031.3 new file mode 100644 index 0000000..81049fe Binary files /dev/null and b/examples/m5/lightning_logs/version_109/events.out.tfevents.1736841538.0124-101655-9l2fggt9-10-0-13-137.88031.3 differ diff --git a/examples/m5/lightning_logs/version_109/hparams.yaml b/examples/m5/lightning_logs/version_109/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_109/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_11/events.out.tfevents.1717939546.0124-101655-9l2fggt9-10-0-1-10.175081.9 b/examples/m5/lightning_logs/version_11/events.out.tfevents.1717939546.0124-101655-9l2fggt9-10-0-1-10.175081.9 new file mode 100644 index 0000000..ac11b41 Binary files /dev/null and b/examples/m5/lightning_logs/version_11/events.out.tfevents.1717939546.0124-101655-9l2fggt9-10-0-1-10.175081.9 differ diff --git a/examples/m5/lightning_logs/version_11/hparams.yaml b/examples/m5/lightning_logs/version_11/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_11/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_110/events.out.tfevents.1736841539.0124-101655-9l2fggt9-10-0-13-137.88031.4 b/examples/m5/lightning_logs/version_110/events.out.tfevents.1736841539.0124-101655-9l2fggt9-10-0-13-137.88031.4 new file mode 100644 index 0000000..2de6cdb Binary files /dev/null and b/examples/m5/lightning_logs/version_110/events.out.tfevents.1736841539.0124-101655-9l2fggt9-10-0-13-137.88031.4 differ diff --git a/examples/m5/lightning_logs/version_110/hparams.yaml b/examples/m5/lightning_logs/version_110/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_110/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_111/events.out.tfevents.1736841540.0124-101655-9l2fggt9-10-0-13-137.88031.5 b/examples/m5/lightning_logs/version_111/events.out.tfevents.1736841540.0124-101655-9l2fggt9-10-0-13-137.88031.5 new file mode 100644 index 0000000..eadd8a9 Binary files /dev/null and b/examples/m5/lightning_logs/version_111/events.out.tfevents.1736841540.0124-101655-9l2fggt9-10-0-13-137.88031.5 differ diff --git a/examples/m5/lightning_logs/version_111/hparams.yaml b/examples/m5/lightning_logs/version_111/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_111/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_112/events.out.tfevents.1736841542.0124-101655-9l2fggt9-10-0-13-137.88031.6 b/examples/m5/lightning_logs/version_112/events.out.tfevents.1736841542.0124-101655-9l2fggt9-10-0-13-137.88031.6 new file mode 100644 index 0000000..f4bc946 Binary files /dev/null and b/examples/m5/lightning_logs/version_112/events.out.tfevents.1736841542.0124-101655-9l2fggt9-10-0-13-137.88031.6 differ diff --git a/examples/m5/lightning_logs/version_112/hparams.yaml b/examples/m5/lightning_logs/version_112/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_112/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_113/events.out.tfevents.1736841543.0124-101655-9l2fggt9-10-0-13-137.88031.7 b/examples/m5/lightning_logs/version_113/events.out.tfevents.1736841543.0124-101655-9l2fggt9-10-0-13-137.88031.7 new file mode 100644 index 0000000..5207d4e Binary files /dev/null and b/examples/m5/lightning_logs/version_113/events.out.tfevents.1736841543.0124-101655-9l2fggt9-10-0-13-137.88031.7 differ diff --git a/examples/m5/lightning_logs/version_113/hparams.yaml b/examples/m5/lightning_logs/version_113/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_113/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_114/events.out.tfevents.1736841544.0124-101655-9l2fggt9-10-0-13-137.88031.8 b/examples/m5/lightning_logs/version_114/events.out.tfevents.1736841544.0124-101655-9l2fggt9-10-0-13-137.88031.8 new file mode 100644 index 0000000..211466e Binary files /dev/null and b/examples/m5/lightning_logs/version_114/events.out.tfevents.1736841544.0124-101655-9l2fggt9-10-0-13-137.88031.8 differ diff --git a/examples/m5/lightning_logs/version_114/hparams.yaml b/examples/m5/lightning_logs/version_114/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_114/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_115/events.out.tfevents.1736841546.0124-101655-9l2fggt9-10-0-13-137.88031.9 b/examples/m5/lightning_logs/version_115/events.out.tfevents.1736841546.0124-101655-9l2fggt9-10-0-13-137.88031.9 new file mode 100644 index 0000000..604836d Binary files /dev/null and b/examples/m5/lightning_logs/version_115/events.out.tfevents.1736841546.0124-101655-9l2fggt9-10-0-13-137.88031.9 differ diff --git a/examples/m5/lightning_logs/version_115/hparams.yaml b/examples/m5/lightning_logs/version_115/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_115/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_116/events.out.tfevents.1736841556.0124-101655-9l2fggt9-10-0-13-137.88031.10 b/examples/m5/lightning_logs/version_116/events.out.tfevents.1736841556.0124-101655-9l2fggt9-10-0-13-137.88031.10 new file mode 100644 index 0000000..059365e Binary files /dev/null and b/examples/m5/lightning_logs/version_116/events.out.tfevents.1736841556.0124-101655-9l2fggt9-10-0-13-137.88031.10 differ diff --git a/examples/m5/lightning_logs/version_116/hparams.yaml b/examples/m5/lightning_logs/version_116/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_116/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_117/events.out.tfevents.1738270246.0124-101655-9l2fggt9-10-0-18-196.4455.0 b/examples/m5/lightning_logs/version_117/events.out.tfevents.1738270246.0124-101655-9l2fggt9-10-0-18-196.4455.0 new file mode 100644 index 0000000..5aa333b Binary files /dev/null and b/examples/m5/lightning_logs/version_117/events.out.tfevents.1738270246.0124-101655-9l2fggt9-10-0-18-196.4455.0 differ diff --git a/examples/m5/lightning_logs/version_117/hparams.yaml b/examples/m5/lightning_logs/version_117/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_117/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_118/events.out.tfevents.1738270264.0124-101655-9l2fggt9-10-0-18-196.10194.0 b/examples/m5/lightning_logs/version_118/events.out.tfevents.1738270264.0124-101655-9l2fggt9-10-0-18-196.10194.0 new file mode 100644 index 0000000..de71134 Binary files /dev/null and b/examples/m5/lightning_logs/version_118/events.out.tfevents.1738270264.0124-101655-9l2fggt9-10-0-18-196.10194.0 differ diff --git a/examples/m5/lightning_logs/version_118/hparams.yaml b/examples/m5/lightning_logs/version_118/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_118/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_119/events.out.tfevents.1738270276.0124-101655-9l2fggt9-10-0-18-196.3756.0 b/examples/m5/lightning_logs/version_119/events.out.tfevents.1738270276.0124-101655-9l2fggt9-10-0-18-196.3756.0 new file mode 100644 index 0000000..19407bc Binary files /dev/null and b/examples/m5/lightning_logs/version_119/events.out.tfevents.1738270276.0124-101655-9l2fggt9-10-0-18-196.3756.0 differ diff --git a/examples/m5/lightning_logs/version_119/hparams.yaml b/examples/m5/lightning_logs/version_119/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_119/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_12/events.out.tfevents.1717939575.0124-101655-9l2fggt9-10-0-1-10.175081.10 b/examples/m5/lightning_logs/version_12/events.out.tfevents.1717939575.0124-101655-9l2fggt9-10-0-1-10.175081.10 new file mode 100644 index 0000000..60aa157 Binary files /dev/null and b/examples/m5/lightning_logs/version_12/events.out.tfevents.1717939575.0124-101655-9l2fggt9-10-0-1-10.175081.10 differ diff --git a/examples/m5/lightning_logs/version_12/hparams.yaml b/examples/m5/lightning_logs/version_12/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_12/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_120/events.out.tfevents.1738270286.0124-101655-9l2fggt9-10-0-18-196.3756.1 b/examples/m5/lightning_logs/version_120/events.out.tfevents.1738270286.0124-101655-9l2fggt9-10-0-18-196.3756.1 new file mode 100644 index 0000000..c65df5c Binary files /dev/null and b/examples/m5/lightning_logs/version_120/events.out.tfevents.1738270286.0124-101655-9l2fggt9-10-0-18-196.3756.1 differ diff --git a/examples/m5/lightning_logs/version_120/hparams.yaml b/examples/m5/lightning_logs/version_120/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_120/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_121/events.out.tfevents.1738270296.0124-101655-9l2fggt9-10-0-18-196.3756.2 b/examples/m5/lightning_logs/version_121/events.out.tfevents.1738270296.0124-101655-9l2fggt9-10-0-18-196.3756.2 new file mode 100644 index 0000000..addc979 Binary files /dev/null and b/examples/m5/lightning_logs/version_121/events.out.tfevents.1738270296.0124-101655-9l2fggt9-10-0-18-196.3756.2 differ diff --git a/examples/m5/lightning_logs/version_121/hparams.yaml b/examples/m5/lightning_logs/version_121/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_121/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_122/events.out.tfevents.1738270305.0124-101655-9l2fggt9-10-0-18-196.3756.3 b/examples/m5/lightning_logs/version_122/events.out.tfevents.1738270305.0124-101655-9l2fggt9-10-0-18-196.3756.3 new file mode 100644 index 0000000..c566c69 Binary files /dev/null and b/examples/m5/lightning_logs/version_122/events.out.tfevents.1738270305.0124-101655-9l2fggt9-10-0-18-196.3756.3 differ diff --git a/examples/m5/lightning_logs/version_122/hparams.yaml b/examples/m5/lightning_logs/version_122/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_122/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_123/events.out.tfevents.1738270315.0124-101655-9l2fggt9-10-0-18-196.3756.4 b/examples/m5/lightning_logs/version_123/events.out.tfevents.1738270315.0124-101655-9l2fggt9-10-0-18-196.3756.4 new file mode 100644 index 0000000..9abf90b Binary files /dev/null and b/examples/m5/lightning_logs/version_123/events.out.tfevents.1738270315.0124-101655-9l2fggt9-10-0-18-196.3756.4 differ diff --git a/examples/m5/lightning_logs/version_123/hparams.yaml b/examples/m5/lightning_logs/version_123/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_123/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_124/events.out.tfevents.1738270324.0124-101655-9l2fggt9-10-0-18-196.3756.5 b/examples/m5/lightning_logs/version_124/events.out.tfevents.1738270324.0124-101655-9l2fggt9-10-0-18-196.3756.5 new file mode 100644 index 0000000..790c350 Binary files /dev/null and b/examples/m5/lightning_logs/version_124/events.out.tfevents.1738270324.0124-101655-9l2fggt9-10-0-18-196.3756.5 differ diff --git a/examples/m5/lightning_logs/version_124/hparams.yaml b/examples/m5/lightning_logs/version_124/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_124/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_125/events.out.tfevents.1738270334.0124-101655-9l2fggt9-10-0-18-196.3756.6 b/examples/m5/lightning_logs/version_125/events.out.tfevents.1738270334.0124-101655-9l2fggt9-10-0-18-196.3756.6 new file mode 100644 index 0000000..a4ccf94 Binary files /dev/null and b/examples/m5/lightning_logs/version_125/events.out.tfevents.1738270334.0124-101655-9l2fggt9-10-0-18-196.3756.6 differ diff --git a/examples/m5/lightning_logs/version_125/hparams.yaml b/examples/m5/lightning_logs/version_125/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_125/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_126/events.out.tfevents.1738270344.0124-101655-9l2fggt9-10-0-18-196.3756.7 b/examples/m5/lightning_logs/version_126/events.out.tfevents.1738270344.0124-101655-9l2fggt9-10-0-18-196.3756.7 new file mode 100644 index 0000000..ec507f9 Binary files /dev/null and b/examples/m5/lightning_logs/version_126/events.out.tfevents.1738270344.0124-101655-9l2fggt9-10-0-18-196.3756.7 differ diff --git a/examples/m5/lightning_logs/version_126/hparams.yaml b/examples/m5/lightning_logs/version_126/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_126/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_127/events.out.tfevents.1738270353.0124-101655-9l2fggt9-10-0-18-196.3756.8 b/examples/m5/lightning_logs/version_127/events.out.tfevents.1738270353.0124-101655-9l2fggt9-10-0-18-196.3756.8 new file mode 100644 index 0000000..9c672a4 Binary files /dev/null and b/examples/m5/lightning_logs/version_127/events.out.tfevents.1738270353.0124-101655-9l2fggt9-10-0-18-196.3756.8 differ diff --git a/examples/m5/lightning_logs/version_127/hparams.yaml b/examples/m5/lightning_logs/version_127/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_127/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_128/events.out.tfevents.1738270363.0124-101655-9l2fggt9-10-0-18-196.3756.9 b/examples/m5/lightning_logs/version_128/events.out.tfevents.1738270363.0124-101655-9l2fggt9-10-0-18-196.3756.9 new file mode 100644 index 0000000..3996699 Binary files /dev/null and b/examples/m5/lightning_logs/version_128/events.out.tfevents.1738270363.0124-101655-9l2fggt9-10-0-18-196.3756.9 differ diff --git a/examples/m5/lightning_logs/version_128/hparams.yaml b/examples/m5/lightning_logs/version_128/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_128/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_129/events.out.tfevents.1738270401.0124-101655-9l2fggt9-10-0-18-196.3756.10 b/examples/m5/lightning_logs/version_129/events.out.tfevents.1738270401.0124-101655-9l2fggt9-10-0-18-196.3756.10 new file mode 100644 index 0000000..c3982e7 Binary files /dev/null and b/examples/m5/lightning_logs/version_129/events.out.tfevents.1738270401.0124-101655-9l2fggt9-10-0-18-196.3756.10 differ diff --git a/examples/m5/lightning_logs/version_129/hparams.yaml b/examples/m5/lightning_logs/version_129/hparams.yaml new file mode 100644 index 0000000..3446c4b --- /dev/null +++ b/examples/m5/lightning_logs/version_129/hparams.yaml @@ -0,0 +1,70 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_13/events.out.tfevents.1718129417.0124-101655-9l2fggt9-10-0-43-14.3926.0 b/examples/m5/lightning_logs/version_13/events.out.tfevents.1718129417.0124-101655-9l2fggt9-10-0-43-14.3926.0 new file mode 100644 index 0000000..00cbc11 Binary files /dev/null and b/examples/m5/lightning_logs/version_13/events.out.tfevents.1718129417.0124-101655-9l2fggt9-10-0-43-14.3926.0 differ diff --git a/examples/m5/lightning_logs/version_13/hparams.yaml b/examples/m5/lightning_logs/version_13/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_13/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_130/events.out.tfevents.1738270546.0124-101655-9l2fggt9-10-0-18-196.17736.0 b/examples/m5/lightning_logs/version_130/events.out.tfevents.1738270546.0124-101655-9l2fggt9-10-0-18-196.17736.0 new file mode 100644 index 0000000..fa3f230 Binary files /dev/null and b/examples/m5/lightning_logs/version_130/events.out.tfevents.1738270546.0124-101655-9l2fggt9-10-0-18-196.17736.0 differ diff --git a/examples/m5/lightning_logs/version_130/hparams.yaml b/examples/m5/lightning_logs/version_130/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_130/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_131/events.out.tfevents.1738270563.0124-101655-9l2fggt9-10-0-18-196.23472.0 b/examples/m5/lightning_logs/version_131/events.out.tfevents.1738270563.0124-101655-9l2fggt9-10-0-18-196.23472.0 new file mode 100644 index 0000000..35b6217 Binary files /dev/null and b/examples/m5/lightning_logs/version_131/events.out.tfevents.1738270563.0124-101655-9l2fggt9-10-0-18-196.23472.0 differ diff --git a/examples/m5/lightning_logs/version_131/hparams.yaml b/examples/m5/lightning_logs/version_131/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_131/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_132/events.out.tfevents.1738270575.0124-101655-9l2fggt9-10-0-18-196.17146.0 b/examples/m5/lightning_logs/version_132/events.out.tfevents.1738270575.0124-101655-9l2fggt9-10-0-18-196.17146.0 new file mode 100644 index 0000000..1ff4567 Binary files /dev/null and b/examples/m5/lightning_logs/version_132/events.out.tfevents.1738270575.0124-101655-9l2fggt9-10-0-18-196.17146.0 differ diff --git a/examples/m5/lightning_logs/version_132/hparams.yaml b/examples/m5/lightning_logs/version_132/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_132/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_133/events.out.tfevents.1738270586.0124-101655-9l2fggt9-10-0-18-196.17146.1 b/examples/m5/lightning_logs/version_133/events.out.tfevents.1738270586.0124-101655-9l2fggt9-10-0-18-196.17146.1 new file mode 100644 index 0000000..2c9cb6d Binary files /dev/null and b/examples/m5/lightning_logs/version_133/events.out.tfevents.1738270586.0124-101655-9l2fggt9-10-0-18-196.17146.1 differ diff --git a/examples/m5/lightning_logs/version_133/hparams.yaml b/examples/m5/lightning_logs/version_133/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_133/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_134/events.out.tfevents.1738270595.0124-101655-9l2fggt9-10-0-18-196.17146.2 b/examples/m5/lightning_logs/version_134/events.out.tfevents.1738270595.0124-101655-9l2fggt9-10-0-18-196.17146.2 new file mode 100644 index 0000000..6833813 Binary files /dev/null and b/examples/m5/lightning_logs/version_134/events.out.tfevents.1738270595.0124-101655-9l2fggt9-10-0-18-196.17146.2 differ diff --git a/examples/m5/lightning_logs/version_134/hparams.yaml b/examples/m5/lightning_logs/version_134/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_134/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_135/events.out.tfevents.1738270605.0124-101655-9l2fggt9-10-0-18-196.17146.3 b/examples/m5/lightning_logs/version_135/events.out.tfevents.1738270605.0124-101655-9l2fggt9-10-0-18-196.17146.3 new file mode 100644 index 0000000..9cc696a Binary files /dev/null and b/examples/m5/lightning_logs/version_135/events.out.tfevents.1738270605.0124-101655-9l2fggt9-10-0-18-196.17146.3 differ diff --git a/examples/m5/lightning_logs/version_135/hparams.yaml b/examples/m5/lightning_logs/version_135/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_135/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_136/events.out.tfevents.1738270615.0124-101655-9l2fggt9-10-0-18-196.17146.4 b/examples/m5/lightning_logs/version_136/events.out.tfevents.1738270615.0124-101655-9l2fggt9-10-0-18-196.17146.4 new file mode 100644 index 0000000..873ee7c Binary files /dev/null and b/examples/m5/lightning_logs/version_136/events.out.tfevents.1738270615.0124-101655-9l2fggt9-10-0-18-196.17146.4 differ diff --git a/examples/m5/lightning_logs/version_136/hparams.yaml b/examples/m5/lightning_logs/version_136/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_136/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_137/events.out.tfevents.1738270624.0124-101655-9l2fggt9-10-0-18-196.17146.5 b/examples/m5/lightning_logs/version_137/events.out.tfevents.1738270624.0124-101655-9l2fggt9-10-0-18-196.17146.5 new file mode 100644 index 0000000..a0d1316 Binary files /dev/null and b/examples/m5/lightning_logs/version_137/events.out.tfevents.1738270624.0124-101655-9l2fggt9-10-0-18-196.17146.5 differ diff --git a/examples/m5/lightning_logs/version_137/hparams.yaml b/examples/m5/lightning_logs/version_137/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_137/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_138/events.out.tfevents.1738270634.0124-101655-9l2fggt9-10-0-18-196.17146.6 b/examples/m5/lightning_logs/version_138/events.out.tfevents.1738270634.0124-101655-9l2fggt9-10-0-18-196.17146.6 new file mode 100644 index 0000000..b134f49 Binary files /dev/null and b/examples/m5/lightning_logs/version_138/events.out.tfevents.1738270634.0124-101655-9l2fggt9-10-0-18-196.17146.6 differ diff --git a/examples/m5/lightning_logs/version_138/hparams.yaml b/examples/m5/lightning_logs/version_138/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_138/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_139/events.out.tfevents.1738270644.0124-101655-9l2fggt9-10-0-18-196.17146.7 b/examples/m5/lightning_logs/version_139/events.out.tfevents.1738270644.0124-101655-9l2fggt9-10-0-18-196.17146.7 new file mode 100644 index 0000000..07632fa Binary files /dev/null and b/examples/m5/lightning_logs/version_139/events.out.tfevents.1738270644.0124-101655-9l2fggt9-10-0-18-196.17146.7 differ diff --git a/examples/m5/lightning_logs/version_139/hparams.yaml b/examples/m5/lightning_logs/version_139/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_139/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_14/events.out.tfevents.1718129436.0124-101655-9l2fggt9-10-0-43-14.9664.0 b/examples/m5/lightning_logs/version_14/events.out.tfevents.1718129436.0124-101655-9l2fggt9-10-0-43-14.9664.0 new file mode 100644 index 0000000..739d181 Binary files /dev/null and b/examples/m5/lightning_logs/version_14/events.out.tfevents.1718129436.0124-101655-9l2fggt9-10-0-43-14.9664.0 differ diff --git a/examples/m5/lightning_logs/version_14/hparams.yaml b/examples/m5/lightning_logs/version_14/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_14/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_140/events.out.tfevents.1738270653.0124-101655-9l2fggt9-10-0-18-196.17146.8 b/examples/m5/lightning_logs/version_140/events.out.tfevents.1738270653.0124-101655-9l2fggt9-10-0-18-196.17146.8 new file mode 100644 index 0000000..d8ca519 Binary files /dev/null and b/examples/m5/lightning_logs/version_140/events.out.tfevents.1738270653.0124-101655-9l2fggt9-10-0-18-196.17146.8 differ diff --git a/examples/m5/lightning_logs/version_140/hparams.yaml b/examples/m5/lightning_logs/version_140/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_140/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_141/events.out.tfevents.1738270663.0124-101655-9l2fggt9-10-0-18-196.17146.9 b/examples/m5/lightning_logs/version_141/events.out.tfevents.1738270663.0124-101655-9l2fggt9-10-0-18-196.17146.9 new file mode 100644 index 0000000..493ebae Binary files /dev/null and b/examples/m5/lightning_logs/version_141/events.out.tfevents.1738270663.0124-101655-9l2fggt9-10-0-18-196.17146.9 differ diff --git a/examples/m5/lightning_logs/version_141/hparams.yaml b/examples/m5/lightning_logs/version_141/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_141/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_142/events.out.tfevents.1738270689.0124-101655-9l2fggt9-10-0-18-196.17146.10 b/examples/m5/lightning_logs/version_142/events.out.tfevents.1738270689.0124-101655-9l2fggt9-10-0-18-196.17146.10 new file mode 100644 index 0000000..441973d Binary files /dev/null and b/examples/m5/lightning_logs/version_142/events.out.tfevents.1738270689.0124-101655-9l2fggt9-10-0-18-196.17146.10 differ diff --git a/examples/m5/lightning_logs/version_142/hparams.yaml b/examples/m5/lightning_logs/version_142/hparams.yaml new file mode 100644 index 0000000..d177936 --- /dev/null +++ b/examples/m5/lightning_logs/version_142/hparams.yaml @@ -0,0 +1,69 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +dataloader_kwargs: null +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +num_lr_decays: -1 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_143/events.out.tfevents.1738270827.0124-101655-9l2fggt9-10-0-18-196.30833.0 b/examples/m5/lightning_logs/version_143/events.out.tfevents.1738270827.0124-101655-9l2fggt9-10-0-18-196.30833.0 new file mode 100644 index 0000000..e4acad4 Binary files /dev/null and b/examples/m5/lightning_logs/version_143/events.out.tfevents.1738270827.0124-101655-9l2fggt9-10-0-18-196.30833.0 differ diff --git a/examples/m5/lightning_logs/version_143/hparams.yaml b/examples/m5/lightning_logs/version_143/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_143/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_144/events.out.tfevents.1738270848.0124-101655-9l2fggt9-10-0-18-196.36586.0 b/examples/m5/lightning_logs/version_144/events.out.tfevents.1738270848.0124-101655-9l2fggt9-10-0-18-196.36586.0 new file mode 100644 index 0000000..8a19eb1 Binary files /dev/null and b/examples/m5/lightning_logs/version_144/events.out.tfevents.1738270848.0124-101655-9l2fggt9-10-0-18-196.36586.0 differ diff --git a/examples/m5/lightning_logs/version_144/hparams.yaml b/examples/m5/lightning_logs/version_144/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_144/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_145/events.out.tfevents.1738270862.0124-101655-9l2fggt9-10-0-18-196.30221.0 b/examples/m5/lightning_logs/version_145/events.out.tfevents.1738270862.0124-101655-9l2fggt9-10-0-18-196.30221.0 new file mode 100644 index 0000000..6a81434 Binary files /dev/null and b/examples/m5/lightning_logs/version_145/events.out.tfevents.1738270862.0124-101655-9l2fggt9-10-0-18-196.30221.0 differ diff --git a/examples/m5/lightning_logs/version_145/hparams.yaml b/examples/m5/lightning_logs/version_145/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_145/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_146/events.out.tfevents.1738270872.0124-101655-9l2fggt9-10-0-18-196.30221.1 b/examples/m5/lightning_logs/version_146/events.out.tfevents.1738270872.0124-101655-9l2fggt9-10-0-18-196.30221.1 new file mode 100644 index 0000000..843c158 Binary files /dev/null and b/examples/m5/lightning_logs/version_146/events.out.tfevents.1738270872.0124-101655-9l2fggt9-10-0-18-196.30221.1 differ diff --git a/examples/m5/lightning_logs/version_146/hparams.yaml b/examples/m5/lightning_logs/version_146/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_146/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_147/events.out.tfevents.1738270881.0124-101655-9l2fggt9-10-0-18-196.30221.2 b/examples/m5/lightning_logs/version_147/events.out.tfevents.1738270881.0124-101655-9l2fggt9-10-0-18-196.30221.2 new file mode 100644 index 0000000..1011815 Binary files /dev/null and b/examples/m5/lightning_logs/version_147/events.out.tfevents.1738270881.0124-101655-9l2fggt9-10-0-18-196.30221.2 differ diff --git a/examples/m5/lightning_logs/version_147/hparams.yaml b/examples/m5/lightning_logs/version_147/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_147/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_148/events.out.tfevents.1738270890.0124-101655-9l2fggt9-10-0-18-196.30221.3 b/examples/m5/lightning_logs/version_148/events.out.tfevents.1738270890.0124-101655-9l2fggt9-10-0-18-196.30221.3 new file mode 100644 index 0000000..f033dcb Binary files /dev/null and b/examples/m5/lightning_logs/version_148/events.out.tfevents.1738270890.0124-101655-9l2fggt9-10-0-18-196.30221.3 differ diff --git a/examples/m5/lightning_logs/version_148/hparams.yaml b/examples/m5/lightning_logs/version_148/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_148/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_149/events.out.tfevents.1738270899.0124-101655-9l2fggt9-10-0-18-196.30221.4 b/examples/m5/lightning_logs/version_149/events.out.tfevents.1738270899.0124-101655-9l2fggt9-10-0-18-196.30221.4 new file mode 100644 index 0000000..4087063 Binary files /dev/null and b/examples/m5/lightning_logs/version_149/events.out.tfevents.1738270899.0124-101655-9l2fggt9-10-0-18-196.30221.4 differ diff --git a/examples/m5/lightning_logs/version_149/hparams.yaml b/examples/m5/lightning_logs/version_149/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_149/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_15/events.out.tfevents.1718129456.0124-101655-9l2fggt9-10-0-43-14.3423.0 b/examples/m5/lightning_logs/version_15/events.out.tfevents.1718129456.0124-101655-9l2fggt9-10-0-43-14.3423.0 new file mode 100644 index 0000000..3891cc5 Binary files /dev/null and b/examples/m5/lightning_logs/version_15/events.out.tfevents.1718129456.0124-101655-9l2fggt9-10-0-43-14.3423.0 differ diff --git a/examples/m5/lightning_logs/version_15/hparams.yaml b/examples/m5/lightning_logs/version_15/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_15/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_150/events.out.tfevents.1738270908.0124-101655-9l2fggt9-10-0-18-196.30221.5 b/examples/m5/lightning_logs/version_150/events.out.tfevents.1738270908.0124-101655-9l2fggt9-10-0-18-196.30221.5 new file mode 100644 index 0000000..2fe878c Binary files /dev/null and b/examples/m5/lightning_logs/version_150/events.out.tfevents.1738270908.0124-101655-9l2fggt9-10-0-18-196.30221.5 differ diff --git a/examples/m5/lightning_logs/version_150/hparams.yaml b/examples/m5/lightning_logs/version_150/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_150/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_151/events.out.tfevents.1738270917.0124-101655-9l2fggt9-10-0-18-196.30221.6 b/examples/m5/lightning_logs/version_151/events.out.tfevents.1738270917.0124-101655-9l2fggt9-10-0-18-196.30221.6 new file mode 100644 index 0000000..481a5ad Binary files /dev/null and b/examples/m5/lightning_logs/version_151/events.out.tfevents.1738270917.0124-101655-9l2fggt9-10-0-18-196.30221.6 differ diff --git a/examples/m5/lightning_logs/version_151/hparams.yaml b/examples/m5/lightning_logs/version_151/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_151/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_152/events.out.tfevents.1738270926.0124-101655-9l2fggt9-10-0-18-196.30221.7 b/examples/m5/lightning_logs/version_152/events.out.tfevents.1738270926.0124-101655-9l2fggt9-10-0-18-196.30221.7 new file mode 100644 index 0000000..9a401e7 Binary files /dev/null and b/examples/m5/lightning_logs/version_152/events.out.tfevents.1738270926.0124-101655-9l2fggt9-10-0-18-196.30221.7 differ diff --git a/examples/m5/lightning_logs/version_152/hparams.yaml b/examples/m5/lightning_logs/version_152/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_152/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_153/events.out.tfevents.1738270934.0124-101655-9l2fggt9-10-0-18-196.30221.8 b/examples/m5/lightning_logs/version_153/events.out.tfevents.1738270934.0124-101655-9l2fggt9-10-0-18-196.30221.8 new file mode 100644 index 0000000..ece1b76 Binary files /dev/null and b/examples/m5/lightning_logs/version_153/events.out.tfevents.1738270934.0124-101655-9l2fggt9-10-0-18-196.30221.8 differ diff --git a/examples/m5/lightning_logs/version_153/hparams.yaml b/examples/m5/lightning_logs/version_153/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_153/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_154/events.out.tfevents.1738270944.0124-101655-9l2fggt9-10-0-18-196.30221.9 b/examples/m5/lightning_logs/version_154/events.out.tfevents.1738270944.0124-101655-9l2fggt9-10-0-18-196.30221.9 new file mode 100644 index 0000000..5f74e6e Binary files /dev/null and b/examples/m5/lightning_logs/version_154/events.out.tfevents.1738270944.0124-101655-9l2fggt9-10-0-18-196.30221.9 differ diff --git a/examples/m5/lightning_logs/version_154/hparams.yaml b/examples/m5/lightning_logs/version_154/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_154/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_155/events.out.tfevents.1738270969.0124-101655-9l2fggt9-10-0-18-196.30221.10 b/examples/m5/lightning_logs/version_155/events.out.tfevents.1738270969.0124-101655-9l2fggt9-10-0-18-196.30221.10 new file mode 100644 index 0000000..39bacee Binary files /dev/null and b/examples/m5/lightning_logs/version_155/events.out.tfevents.1738270969.0124-101655-9l2fggt9-10-0-18-196.30221.10 differ diff --git a/examples/m5/lightning_logs/version_155/hparams.yaml b/examples/m5/lightning_logs/version_155/hparams.yaml new file mode 100644 index 0000000..0322fa7 --- /dev/null +++ b/examples/m5/lightning_logs/version_155/hparams.yaml @@ -0,0 +1,86 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_156/events.out.tfevents.1738271111.0124-101655-9l2fggt9-10-0-18-196.43906.0 b/examples/m5/lightning_logs/version_156/events.out.tfevents.1738271111.0124-101655-9l2fggt9-10-0-18-196.43906.0 new file mode 100644 index 0000000..8dece83 Binary files /dev/null and b/examples/m5/lightning_logs/version_156/events.out.tfevents.1738271111.0124-101655-9l2fggt9-10-0-18-196.43906.0 differ diff --git a/examples/m5/lightning_logs/version_156/hparams.yaml b/examples/m5/lightning_logs/version_156/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_156/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_157/events.out.tfevents.1738271130.0124-101655-9l2fggt9-10-0-18-196.49678.0 b/examples/m5/lightning_logs/version_157/events.out.tfevents.1738271130.0124-101655-9l2fggt9-10-0-18-196.49678.0 new file mode 100644 index 0000000..19802e0 Binary files /dev/null and b/examples/m5/lightning_logs/version_157/events.out.tfevents.1738271130.0124-101655-9l2fggt9-10-0-18-196.49678.0 differ diff --git a/examples/m5/lightning_logs/version_157/hparams.yaml b/examples/m5/lightning_logs/version_157/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_157/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_158/events.out.tfevents.1738271145.0124-101655-9l2fggt9-10-0-18-196.43329.0 b/examples/m5/lightning_logs/version_158/events.out.tfevents.1738271145.0124-101655-9l2fggt9-10-0-18-196.43329.0 new file mode 100644 index 0000000..a38fd6f Binary files /dev/null and b/examples/m5/lightning_logs/version_158/events.out.tfevents.1738271145.0124-101655-9l2fggt9-10-0-18-196.43329.0 differ diff --git a/examples/m5/lightning_logs/version_158/hparams.yaml b/examples/m5/lightning_logs/version_158/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_158/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_159/events.out.tfevents.1738271154.0124-101655-9l2fggt9-10-0-18-196.43329.1 b/examples/m5/lightning_logs/version_159/events.out.tfevents.1738271154.0124-101655-9l2fggt9-10-0-18-196.43329.1 new file mode 100644 index 0000000..9475f15 Binary files /dev/null and b/examples/m5/lightning_logs/version_159/events.out.tfevents.1738271154.0124-101655-9l2fggt9-10-0-18-196.43329.1 differ diff --git a/examples/m5/lightning_logs/version_159/hparams.yaml b/examples/m5/lightning_logs/version_159/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_159/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_16/events.out.tfevents.1718129473.0124-101655-9l2fggt9-10-0-43-14.3423.1 b/examples/m5/lightning_logs/version_16/events.out.tfevents.1718129473.0124-101655-9l2fggt9-10-0-43-14.3423.1 new file mode 100644 index 0000000..a1c6e4a Binary files /dev/null and b/examples/m5/lightning_logs/version_16/events.out.tfevents.1718129473.0124-101655-9l2fggt9-10-0-43-14.3423.1 differ diff --git a/examples/m5/lightning_logs/version_16/hparams.yaml b/examples/m5/lightning_logs/version_16/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_16/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_160/events.out.tfevents.1738271163.0124-101655-9l2fggt9-10-0-18-196.43329.2 b/examples/m5/lightning_logs/version_160/events.out.tfevents.1738271163.0124-101655-9l2fggt9-10-0-18-196.43329.2 new file mode 100644 index 0000000..b61b7f7 Binary files /dev/null and b/examples/m5/lightning_logs/version_160/events.out.tfevents.1738271163.0124-101655-9l2fggt9-10-0-18-196.43329.2 differ diff --git a/examples/m5/lightning_logs/version_160/hparams.yaml b/examples/m5/lightning_logs/version_160/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_160/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_161/events.out.tfevents.1738271172.0124-101655-9l2fggt9-10-0-18-196.43329.3 b/examples/m5/lightning_logs/version_161/events.out.tfevents.1738271172.0124-101655-9l2fggt9-10-0-18-196.43329.3 new file mode 100644 index 0000000..2114dae Binary files /dev/null and b/examples/m5/lightning_logs/version_161/events.out.tfevents.1738271172.0124-101655-9l2fggt9-10-0-18-196.43329.3 differ diff --git a/examples/m5/lightning_logs/version_161/hparams.yaml b/examples/m5/lightning_logs/version_161/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_161/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_162/events.out.tfevents.1738271181.0124-101655-9l2fggt9-10-0-18-196.43329.4 b/examples/m5/lightning_logs/version_162/events.out.tfevents.1738271181.0124-101655-9l2fggt9-10-0-18-196.43329.4 new file mode 100644 index 0000000..c22b66d Binary files /dev/null and b/examples/m5/lightning_logs/version_162/events.out.tfevents.1738271181.0124-101655-9l2fggt9-10-0-18-196.43329.4 differ diff --git a/examples/m5/lightning_logs/version_162/hparams.yaml b/examples/m5/lightning_logs/version_162/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_162/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_163/events.out.tfevents.1738271190.0124-101655-9l2fggt9-10-0-18-196.43329.5 b/examples/m5/lightning_logs/version_163/events.out.tfevents.1738271190.0124-101655-9l2fggt9-10-0-18-196.43329.5 new file mode 100644 index 0000000..cea9ec9 Binary files /dev/null and b/examples/m5/lightning_logs/version_163/events.out.tfevents.1738271190.0124-101655-9l2fggt9-10-0-18-196.43329.5 differ diff --git a/examples/m5/lightning_logs/version_163/hparams.yaml b/examples/m5/lightning_logs/version_163/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_163/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_164/events.out.tfevents.1738271199.0124-101655-9l2fggt9-10-0-18-196.43329.6 b/examples/m5/lightning_logs/version_164/events.out.tfevents.1738271199.0124-101655-9l2fggt9-10-0-18-196.43329.6 new file mode 100644 index 0000000..c59f4af Binary files /dev/null and b/examples/m5/lightning_logs/version_164/events.out.tfevents.1738271199.0124-101655-9l2fggt9-10-0-18-196.43329.6 differ diff --git a/examples/m5/lightning_logs/version_164/hparams.yaml b/examples/m5/lightning_logs/version_164/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_164/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_165/events.out.tfevents.1738271207.0124-101655-9l2fggt9-10-0-18-196.43329.7 b/examples/m5/lightning_logs/version_165/events.out.tfevents.1738271207.0124-101655-9l2fggt9-10-0-18-196.43329.7 new file mode 100644 index 0000000..3327ac8 Binary files /dev/null and b/examples/m5/lightning_logs/version_165/events.out.tfevents.1738271207.0124-101655-9l2fggt9-10-0-18-196.43329.7 differ diff --git a/examples/m5/lightning_logs/version_165/hparams.yaml b/examples/m5/lightning_logs/version_165/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_165/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_166/events.out.tfevents.1738271217.0124-101655-9l2fggt9-10-0-18-196.43329.8 b/examples/m5/lightning_logs/version_166/events.out.tfevents.1738271217.0124-101655-9l2fggt9-10-0-18-196.43329.8 new file mode 100644 index 0000000..ef15b42 Binary files /dev/null and b/examples/m5/lightning_logs/version_166/events.out.tfevents.1738271217.0124-101655-9l2fggt9-10-0-18-196.43329.8 differ diff --git a/examples/m5/lightning_logs/version_166/hparams.yaml b/examples/m5/lightning_logs/version_166/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_166/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_167/events.out.tfevents.1738271226.0124-101655-9l2fggt9-10-0-18-196.43329.9 b/examples/m5/lightning_logs/version_167/events.out.tfevents.1738271226.0124-101655-9l2fggt9-10-0-18-196.43329.9 new file mode 100644 index 0000000..05401ca Binary files /dev/null and b/examples/m5/lightning_logs/version_167/events.out.tfevents.1738271226.0124-101655-9l2fggt9-10-0-18-196.43329.9 differ diff --git a/examples/m5/lightning_logs/version_167/hparams.yaml b/examples/m5/lightning_logs/version_167/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_167/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_168/events.out.tfevents.1738271251.0124-101655-9l2fggt9-10-0-18-196.43329.10 b/examples/m5/lightning_logs/version_168/events.out.tfevents.1738271251.0124-101655-9l2fggt9-10-0-18-196.43329.10 new file mode 100644 index 0000000..41ec16b Binary files /dev/null and b/examples/m5/lightning_logs/version_168/events.out.tfevents.1738271251.0124-101655-9l2fggt9-10-0-18-196.43329.10 differ diff --git a/examples/m5/lightning_logs/version_168/hparams.yaml b/examples/m5/lightning_logs/version_168/hparams.yaml new file mode 100644 index 0000000..a8662b3 --- /dev/null +++ b/examples/m5/lightning_logs/version_168/hparams.yaml @@ -0,0 +1,93 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +dataloader_kwargs: null +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +lr_scheduler: null +lr_scheduler_kwargs: null +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_17/events.out.tfevents.1718129490.0124-101655-9l2fggt9-10-0-43-14.3423.2 b/examples/m5/lightning_logs/version_17/events.out.tfevents.1718129490.0124-101655-9l2fggt9-10-0-43-14.3423.2 new file mode 100644 index 0000000..6e32ca1 Binary files /dev/null and b/examples/m5/lightning_logs/version_17/events.out.tfevents.1718129490.0124-101655-9l2fggt9-10-0-43-14.3423.2 differ diff --git a/examples/m5/lightning_logs/version_17/hparams.yaml b/examples/m5/lightning_logs/version_17/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_17/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_18/events.out.tfevents.1718129507.0124-101655-9l2fggt9-10-0-43-14.3423.3 b/examples/m5/lightning_logs/version_18/events.out.tfevents.1718129507.0124-101655-9l2fggt9-10-0-43-14.3423.3 new file mode 100644 index 0000000..f53c460 Binary files /dev/null and b/examples/m5/lightning_logs/version_18/events.out.tfevents.1718129507.0124-101655-9l2fggt9-10-0-43-14.3423.3 differ diff --git a/examples/m5/lightning_logs/version_18/hparams.yaml b/examples/m5/lightning_logs/version_18/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_18/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_19/events.out.tfevents.1718129525.0124-101655-9l2fggt9-10-0-43-14.3423.4 b/examples/m5/lightning_logs/version_19/events.out.tfevents.1718129525.0124-101655-9l2fggt9-10-0-43-14.3423.4 new file mode 100644 index 0000000..9be23d8 Binary files /dev/null and b/examples/m5/lightning_logs/version_19/events.out.tfevents.1718129525.0124-101655-9l2fggt9-10-0-43-14.3423.4 differ diff --git a/examples/m5/lightning_logs/version_19/hparams.yaml b/examples/m5/lightning_logs/version_19/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_19/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_2/events.out.tfevents.1717939394.0124-101655-9l2fggt9-10-0-1-10.175081.0 b/examples/m5/lightning_logs/version_2/events.out.tfevents.1717939394.0124-101655-9l2fggt9-10-0-1-10.175081.0 new file mode 100644 index 0000000..1892583 Binary files /dev/null and b/examples/m5/lightning_logs/version_2/events.out.tfevents.1717939394.0124-101655-9l2fggt9-10-0-1-10.175081.0 differ diff --git a/examples/m5/lightning_logs/version_2/hparams.yaml b/examples/m5/lightning_logs/version_2/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_2/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_20/events.out.tfevents.1718129542.0124-101655-9l2fggt9-10-0-43-14.3423.5 b/examples/m5/lightning_logs/version_20/events.out.tfevents.1718129542.0124-101655-9l2fggt9-10-0-43-14.3423.5 new file mode 100644 index 0000000..126291d Binary files /dev/null and b/examples/m5/lightning_logs/version_20/events.out.tfevents.1718129542.0124-101655-9l2fggt9-10-0-43-14.3423.5 differ diff --git a/examples/m5/lightning_logs/version_20/hparams.yaml b/examples/m5/lightning_logs/version_20/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_20/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_21/events.out.tfevents.1718129559.0124-101655-9l2fggt9-10-0-43-14.3423.6 b/examples/m5/lightning_logs/version_21/events.out.tfevents.1718129559.0124-101655-9l2fggt9-10-0-43-14.3423.6 new file mode 100644 index 0000000..bdfa420 Binary files /dev/null and b/examples/m5/lightning_logs/version_21/events.out.tfevents.1718129559.0124-101655-9l2fggt9-10-0-43-14.3423.6 differ diff --git a/examples/m5/lightning_logs/version_21/hparams.yaml b/examples/m5/lightning_logs/version_21/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_21/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_22/events.out.tfevents.1718129576.0124-101655-9l2fggt9-10-0-43-14.3423.7 b/examples/m5/lightning_logs/version_22/events.out.tfevents.1718129576.0124-101655-9l2fggt9-10-0-43-14.3423.7 new file mode 100644 index 0000000..551694e Binary files /dev/null and b/examples/m5/lightning_logs/version_22/events.out.tfevents.1718129576.0124-101655-9l2fggt9-10-0-43-14.3423.7 differ diff --git a/examples/m5/lightning_logs/version_22/hparams.yaml b/examples/m5/lightning_logs/version_22/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_22/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_23/events.out.tfevents.1718129593.0124-101655-9l2fggt9-10-0-43-14.3423.8 b/examples/m5/lightning_logs/version_23/events.out.tfevents.1718129593.0124-101655-9l2fggt9-10-0-43-14.3423.8 new file mode 100644 index 0000000..8592353 Binary files /dev/null and b/examples/m5/lightning_logs/version_23/events.out.tfevents.1718129593.0124-101655-9l2fggt9-10-0-43-14.3423.8 differ diff --git a/examples/m5/lightning_logs/version_23/hparams.yaml b/examples/m5/lightning_logs/version_23/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_23/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_24/events.out.tfevents.1718129611.0124-101655-9l2fggt9-10-0-43-14.3423.9 b/examples/m5/lightning_logs/version_24/events.out.tfevents.1718129611.0124-101655-9l2fggt9-10-0-43-14.3423.9 new file mode 100644 index 0000000..faac802 Binary files /dev/null and b/examples/m5/lightning_logs/version_24/events.out.tfevents.1718129611.0124-101655-9l2fggt9-10-0-43-14.3423.9 differ diff --git a/examples/m5/lightning_logs/version_24/hparams.yaml b/examples/m5/lightning_logs/version_24/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_24/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_25/events.out.tfevents.1718129653.0124-101655-9l2fggt9-10-0-43-14.3423.10 b/examples/m5/lightning_logs/version_25/events.out.tfevents.1718129653.0124-101655-9l2fggt9-10-0-43-14.3423.10 new file mode 100644 index 0000000..f83251e Binary files /dev/null and b/examples/m5/lightning_logs/version_25/events.out.tfevents.1718129653.0124-101655-9l2fggt9-10-0-43-14.3423.10 differ diff --git a/examples/m5/lightning_logs/version_25/hparams.yaml b/examples/m5/lightning_logs/version_25/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_25/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_26/events.out.tfevents.1718129737.0124-101655-9l2fggt9-10-0-43-14.16987.0 b/examples/m5/lightning_logs/version_26/events.out.tfevents.1718129737.0124-101655-9l2fggt9-10-0-43-14.16987.0 new file mode 100644 index 0000000..955e6b5 Binary files /dev/null and b/examples/m5/lightning_logs/version_26/events.out.tfevents.1718129737.0124-101655-9l2fggt9-10-0-43-14.16987.0 differ diff --git a/examples/m5/lightning_logs/version_26/hparams.yaml b/examples/m5/lightning_logs/version_26/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_26/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_27/events.out.tfevents.1718129756.0124-101655-9l2fggt9-10-0-43-14.22743.0 b/examples/m5/lightning_logs/version_27/events.out.tfevents.1718129756.0124-101655-9l2fggt9-10-0-43-14.22743.0 new file mode 100644 index 0000000..130eee1 Binary files /dev/null and b/examples/m5/lightning_logs/version_27/events.out.tfevents.1718129756.0124-101655-9l2fggt9-10-0-43-14.22743.0 differ diff --git a/examples/m5/lightning_logs/version_27/hparams.yaml b/examples/m5/lightning_logs/version_27/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_27/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_28/events.out.tfevents.1718129776.0124-101655-9l2fggt9-10-0-43-14.16634.0 b/examples/m5/lightning_logs/version_28/events.out.tfevents.1718129776.0124-101655-9l2fggt9-10-0-43-14.16634.0 new file mode 100644 index 0000000..0a1b874 Binary files /dev/null and b/examples/m5/lightning_logs/version_28/events.out.tfevents.1718129776.0124-101655-9l2fggt9-10-0-43-14.16634.0 differ diff --git a/examples/m5/lightning_logs/version_28/hparams.yaml b/examples/m5/lightning_logs/version_28/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_28/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_29/events.out.tfevents.1718129794.0124-101655-9l2fggt9-10-0-43-14.16634.1 b/examples/m5/lightning_logs/version_29/events.out.tfevents.1718129794.0124-101655-9l2fggt9-10-0-43-14.16634.1 new file mode 100644 index 0000000..9e63a6d Binary files /dev/null and b/examples/m5/lightning_logs/version_29/events.out.tfevents.1718129794.0124-101655-9l2fggt9-10-0-43-14.16634.1 differ diff --git a/examples/m5/lightning_logs/version_29/hparams.yaml b/examples/m5/lightning_logs/version_29/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_29/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_3/events.out.tfevents.1717939411.0124-101655-9l2fggt9-10-0-1-10.175081.1 b/examples/m5/lightning_logs/version_3/events.out.tfevents.1717939411.0124-101655-9l2fggt9-10-0-1-10.175081.1 new file mode 100644 index 0000000..620fc7e Binary files /dev/null and b/examples/m5/lightning_logs/version_3/events.out.tfevents.1717939411.0124-101655-9l2fggt9-10-0-1-10.175081.1 differ diff --git a/examples/m5/lightning_logs/version_3/hparams.yaml b/examples/m5/lightning_logs/version_3/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_3/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_30/events.out.tfevents.1718129811.0124-101655-9l2fggt9-10-0-43-14.16634.2 b/examples/m5/lightning_logs/version_30/events.out.tfevents.1718129811.0124-101655-9l2fggt9-10-0-43-14.16634.2 new file mode 100644 index 0000000..860b2db Binary files /dev/null and b/examples/m5/lightning_logs/version_30/events.out.tfevents.1718129811.0124-101655-9l2fggt9-10-0-43-14.16634.2 differ diff --git a/examples/m5/lightning_logs/version_30/hparams.yaml b/examples/m5/lightning_logs/version_30/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_30/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_31/events.out.tfevents.1718129828.0124-101655-9l2fggt9-10-0-43-14.16634.3 b/examples/m5/lightning_logs/version_31/events.out.tfevents.1718129828.0124-101655-9l2fggt9-10-0-43-14.16634.3 new file mode 100644 index 0000000..c0c7e09 Binary files /dev/null and b/examples/m5/lightning_logs/version_31/events.out.tfevents.1718129828.0124-101655-9l2fggt9-10-0-43-14.16634.3 differ diff --git a/examples/m5/lightning_logs/version_31/hparams.yaml b/examples/m5/lightning_logs/version_31/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_31/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_32/events.out.tfevents.1718129846.0124-101655-9l2fggt9-10-0-43-14.16634.4 b/examples/m5/lightning_logs/version_32/events.out.tfevents.1718129846.0124-101655-9l2fggt9-10-0-43-14.16634.4 new file mode 100644 index 0000000..8f423cb Binary files /dev/null and b/examples/m5/lightning_logs/version_32/events.out.tfevents.1718129846.0124-101655-9l2fggt9-10-0-43-14.16634.4 differ diff --git a/examples/m5/lightning_logs/version_32/hparams.yaml b/examples/m5/lightning_logs/version_32/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_32/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_33/events.out.tfevents.1718129862.0124-101655-9l2fggt9-10-0-43-14.16634.5 b/examples/m5/lightning_logs/version_33/events.out.tfevents.1718129862.0124-101655-9l2fggt9-10-0-43-14.16634.5 new file mode 100644 index 0000000..51e9304 Binary files /dev/null and b/examples/m5/lightning_logs/version_33/events.out.tfevents.1718129862.0124-101655-9l2fggt9-10-0-43-14.16634.5 differ diff --git a/examples/m5/lightning_logs/version_33/hparams.yaml b/examples/m5/lightning_logs/version_33/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_33/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_34/events.out.tfevents.1718129880.0124-101655-9l2fggt9-10-0-43-14.16634.6 b/examples/m5/lightning_logs/version_34/events.out.tfevents.1718129880.0124-101655-9l2fggt9-10-0-43-14.16634.6 new file mode 100644 index 0000000..40fa68c Binary files /dev/null and b/examples/m5/lightning_logs/version_34/events.out.tfevents.1718129880.0124-101655-9l2fggt9-10-0-43-14.16634.6 differ diff --git a/examples/m5/lightning_logs/version_34/hparams.yaml b/examples/m5/lightning_logs/version_34/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_34/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_35/events.out.tfevents.1718129898.0124-101655-9l2fggt9-10-0-43-14.16634.7 b/examples/m5/lightning_logs/version_35/events.out.tfevents.1718129898.0124-101655-9l2fggt9-10-0-43-14.16634.7 new file mode 100644 index 0000000..b00d73e Binary files /dev/null and b/examples/m5/lightning_logs/version_35/events.out.tfevents.1718129898.0124-101655-9l2fggt9-10-0-43-14.16634.7 differ diff --git a/examples/m5/lightning_logs/version_35/hparams.yaml b/examples/m5/lightning_logs/version_35/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_35/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_36/events.out.tfevents.1718129915.0124-101655-9l2fggt9-10-0-43-14.16634.8 b/examples/m5/lightning_logs/version_36/events.out.tfevents.1718129915.0124-101655-9l2fggt9-10-0-43-14.16634.8 new file mode 100644 index 0000000..906eb6c Binary files /dev/null and b/examples/m5/lightning_logs/version_36/events.out.tfevents.1718129915.0124-101655-9l2fggt9-10-0-43-14.16634.8 differ diff --git a/examples/m5/lightning_logs/version_36/hparams.yaml b/examples/m5/lightning_logs/version_36/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_36/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_37/events.out.tfevents.1718129933.0124-101655-9l2fggt9-10-0-43-14.16634.9 b/examples/m5/lightning_logs/version_37/events.out.tfevents.1718129933.0124-101655-9l2fggt9-10-0-43-14.16634.9 new file mode 100644 index 0000000..49f188c Binary files /dev/null and b/examples/m5/lightning_logs/version_37/events.out.tfevents.1718129933.0124-101655-9l2fggt9-10-0-43-14.16634.9 differ diff --git a/examples/m5/lightning_logs/version_37/hparams.yaml b/examples/m5/lightning_logs/version_37/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_37/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_38/events.out.tfevents.1718129961.0124-101655-9l2fggt9-10-0-43-14.16634.10 b/examples/m5/lightning_logs/version_38/events.out.tfevents.1718129961.0124-101655-9l2fggt9-10-0-43-14.16634.10 new file mode 100644 index 0000000..d233ba0 Binary files /dev/null and b/examples/m5/lightning_logs/version_38/events.out.tfevents.1718129961.0124-101655-9l2fggt9-10-0-43-14.16634.10 differ diff --git a/examples/m5/lightning_logs/version_38/hparams.yaml b/examples/m5/lightning_logs/version_38/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_38/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_39/events.out.tfevents.1718130039.0124-101655-9l2fggt9-10-0-43-14.29873.0 b/examples/m5/lightning_logs/version_39/events.out.tfevents.1718130039.0124-101655-9l2fggt9-10-0-43-14.29873.0 new file mode 100644 index 0000000..f2e5500 Binary files /dev/null and b/examples/m5/lightning_logs/version_39/events.out.tfevents.1718130039.0124-101655-9l2fggt9-10-0-43-14.29873.0 differ diff --git a/examples/m5/lightning_logs/version_39/hparams.yaml b/examples/m5/lightning_logs/version_39/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_39/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_4/events.out.tfevents.1717939429.0124-101655-9l2fggt9-10-0-1-10.175081.2 b/examples/m5/lightning_logs/version_4/events.out.tfevents.1717939429.0124-101655-9l2fggt9-10-0-1-10.175081.2 new file mode 100644 index 0000000..e2954d1 Binary files /dev/null and b/examples/m5/lightning_logs/version_4/events.out.tfevents.1717939429.0124-101655-9l2fggt9-10-0-1-10.175081.2 differ diff --git a/examples/m5/lightning_logs/version_4/hparams.yaml b/examples/m5/lightning_logs/version_4/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_4/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_40/events.out.tfevents.1718130060.0124-101655-9l2fggt9-10-0-43-14.35638.0 b/examples/m5/lightning_logs/version_40/events.out.tfevents.1718130060.0124-101655-9l2fggt9-10-0-43-14.35638.0 new file mode 100644 index 0000000..6d0bb12 Binary files /dev/null and b/examples/m5/lightning_logs/version_40/events.out.tfevents.1718130060.0124-101655-9l2fggt9-10-0-43-14.35638.0 differ diff --git a/examples/m5/lightning_logs/version_40/hparams.yaml b/examples/m5/lightning_logs/version_40/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_40/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_41/events.out.tfevents.1718130082.0124-101655-9l2fggt9-10-0-43-14.29509.0 b/examples/m5/lightning_logs/version_41/events.out.tfevents.1718130082.0124-101655-9l2fggt9-10-0-43-14.29509.0 new file mode 100644 index 0000000..8652c0f Binary files /dev/null and b/examples/m5/lightning_logs/version_41/events.out.tfevents.1718130082.0124-101655-9l2fggt9-10-0-43-14.29509.0 differ diff --git a/examples/m5/lightning_logs/version_41/hparams.yaml b/examples/m5/lightning_logs/version_41/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_41/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_42/events.out.tfevents.1718130098.0124-101655-9l2fggt9-10-0-43-14.29509.1 b/examples/m5/lightning_logs/version_42/events.out.tfevents.1718130098.0124-101655-9l2fggt9-10-0-43-14.29509.1 new file mode 100644 index 0000000..8ea245b Binary files /dev/null and b/examples/m5/lightning_logs/version_42/events.out.tfevents.1718130098.0124-101655-9l2fggt9-10-0-43-14.29509.1 differ diff --git a/examples/m5/lightning_logs/version_42/hparams.yaml b/examples/m5/lightning_logs/version_42/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_42/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_43/events.out.tfevents.1718130114.0124-101655-9l2fggt9-10-0-43-14.29509.2 b/examples/m5/lightning_logs/version_43/events.out.tfevents.1718130114.0124-101655-9l2fggt9-10-0-43-14.29509.2 new file mode 100644 index 0000000..fce9d8d Binary files /dev/null and b/examples/m5/lightning_logs/version_43/events.out.tfevents.1718130114.0124-101655-9l2fggt9-10-0-43-14.29509.2 differ diff --git a/examples/m5/lightning_logs/version_43/hparams.yaml b/examples/m5/lightning_logs/version_43/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_43/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_44/events.out.tfevents.1718130131.0124-101655-9l2fggt9-10-0-43-14.29509.3 b/examples/m5/lightning_logs/version_44/events.out.tfevents.1718130131.0124-101655-9l2fggt9-10-0-43-14.29509.3 new file mode 100644 index 0000000..a79d787 Binary files /dev/null and b/examples/m5/lightning_logs/version_44/events.out.tfevents.1718130131.0124-101655-9l2fggt9-10-0-43-14.29509.3 differ diff --git a/examples/m5/lightning_logs/version_44/hparams.yaml b/examples/m5/lightning_logs/version_44/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_44/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_45/events.out.tfevents.1718130146.0124-101655-9l2fggt9-10-0-43-14.29509.4 b/examples/m5/lightning_logs/version_45/events.out.tfevents.1718130146.0124-101655-9l2fggt9-10-0-43-14.29509.4 new file mode 100644 index 0000000..779aeda Binary files /dev/null and b/examples/m5/lightning_logs/version_45/events.out.tfevents.1718130146.0124-101655-9l2fggt9-10-0-43-14.29509.4 differ diff --git a/examples/m5/lightning_logs/version_45/hparams.yaml b/examples/m5/lightning_logs/version_45/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_45/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_46/events.out.tfevents.1718130162.0124-101655-9l2fggt9-10-0-43-14.29509.5 b/examples/m5/lightning_logs/version_46/events.out.tfevents.1718130162.0124-101655-9l2fggt9-10-0-43-14.29509.5 new file mode 100644 index 0000000..89b7143 Binary files /dev/null and b/examples/m5/lightning_logs/version_46/events.out.tfevents.1718130162.0124-101655-9l2fggt9-10-0-43-14.29509.5 differ diff --git a/examples/m5/lightning_logs/version_46/hparams.yaml b/examples/m5/lightning_logs/version_46/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_46/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_47/events.out.tfevents.1718130178.0124-101655-9l2fggt9-10-0-43-14.29509.6 b/examples/m5/lightning_logs/version_47/events.out.tfevents.1718130178.0124-101655-9l2fggt9-10-0-43-14.29509.6 new file mode 100644 index 0000000..5d36d08 Binary files /dev/null and b/examples/m5/lightning_logs/version_47/events.out.tfevents.1718130178.0124-101655-9l2fggt9-10-0-43-14.29509.6 differ diff --git a/examples/m5/lightning_logs/version_47/hparams.yaml b/examples/m5/lightning_logs/version_47/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_47/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_48/events.out.tfevents.1718130194.0124-101655-9l2fggt9-10-0-43-14.29509.7 b/examples/m5/lightning_logs/version_48/events.out.tfevents.1718130194.0124-101655-9l2fggt9-10-0-43-14.29509.7 new file mode 100644 index 0000000..9292e51 Binary files /dev/null and b/examples/m5/lightning_logs/version_48/events.out.tfevents.1718130194.0124-101655-9l2fggt9-10-0-43-14.29509.7 differ diff --git a/examples/m5/lightning_logs/version_48/hparams.yaml b/examples/m5/lightning_logs/version_48/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_48/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_49/events.out.tfevents.1718130210.0124-101655-9l2fggt9-10-0-43-14.29509.8 b/examples/m5/lightning_logs/version_49/events.out.tfevents.1718130210.0124-101655-9l2fggt9-10-0-43-14.29509.8 new file mode 100644 index 0000000..9ac7cd1 Binary files /dev/null and b/examples/m5/lightning_logs/version_49/events.out.tfevents.1718130210.0124-101655-9l2fggt9-10-0-43-14.29509.8 differ diff --git a/examples/m5/lightning_logs/version_49/hparams.yaml b/examples/m5/lightning_logs/version_49/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_49/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_5/events.out.tfevents.1717939446.0124-101655-9l2fggt9-10-0-1-10.175081.3 b/examples/m5/lightning_logs/version_5/events.out.tfevents.1717939446.0124-101655-9l2fggt9-10-0-1-10.175081.3 new file mode 100644 index 0000000..7a13fc6 Binary files /dev/null and b/examples/m5/lightning_logs/version_5/events.out.tfevents.1717939446.0124-101655-9l2fggt9-10-0-1-10.175081.3 differ diff --git a/examples/m5/lightning_logs/version_5/hparams.yaml b/examples/m5/lightning_logs/version_5/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_5/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_50/events.out.tfevents.1718130226.0124-101655-9l2fggt9-10-0-43-14.29509.9 b/examples/m5/lightning_logs/version_50/events.out.tfevents.1718130226.0124-101655-9l2fggt9-10-0-43-14.29509.9 new file mode 100644 index 0000000..e956715 Binary files /dev/null and b/examples/m5/lightning_logs/version_50/events.out.tfevents.1718130226.0124-101655-9l2fggt9-10-0-43-14.29509.9 differ diff --git a/examples/m5/lightning_logs/version_50/hparams.yaml b/examples/m5/lightning_logs/version_50/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_50/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_51/events.out.tfevents.1718130252.0124-101655-9l2fggt9-10-0-43-14.29509.10 b/examples/m5/lightning_logs/version_51/events.out.tfevents.1718130252.0124-101655-9l2fggt9-10-0-43-14.29509.10 new file mode 100644 index 0000000..2570121 Binary files /dev/null and b/examples/m5/lightning_logs/version_51/events.out.tfevents.1718130252.0124-101655-9l2fggt9-10-0-43-14.29509.10 differ diff --git a/examples/m5/lightning_logs/version_51/hparams.yaml b/examples/m5/lightning_logs/version_51/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_51/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_52/events.out.tfevents.1718130334.0124-101655-9l2fggt9-10-0-43-14.42790.0 b/examples/m5/lightning_logs/version_52/events.out.tfevents.1718130334.0124-101655-9l2fggt9-10-0-43-14.42790.0 new file mode 100644 index 0000000..e44669a Binary files /dev/null and b/examples/m5/lightning_logs/version_52/events.out.tfevents.1718130334.0124-101655-9l2fggt9-10-0-43-14.42790.0 differ diff --git a/examples/m5/lightning_logs/version_52/hparams.yaml b/examples/m5/lightning_logs/version_52/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_52/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_53/events.out.tfevents.1718130355.0124-101655-9l2fggt9-10-0-43-14.48549.0 b/examples/m5/lightning_logs/version_53/events.out.tfevents.1718130355.0124-101655-9l2fggt9-10-0-43-14.48549.0 new file mode 100644 index 0000000..3d3dc42 Binary files /dev/null and b/examples/m5/lightning_logs/version_53/events.out.tfevents.1718130355.0124-101655-9l2fggt9-10-0-43-14.48549.0 differ diff --git a/examples/m5/lightning_logs/version_53/hparams.yaml b/examples/m5/lightning_logs/version_53/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_53/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_54/events.out.tfevents.1718130378.0124-101655-9l2fggt9-10-0-43-14.42274.0 b/examples/m5/lightning_logs/version_54/events.out.tfevents.1718130378.0124-101655-9l2fggt9-10-0-43-14.42274.0 new file mode 100644 index 0000000..539b58f Binary files /dev/null and b/examples/m5/lightning_logs/version_54/events.out.tfevents.1718130378.0124-101655-9l2fggt9-10-0-43-14.42274.0 differ diff --git a/examples/m5/lightning_logs/version_54/hparams.yaml b/examples/m5/lightning_logs/version_54/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_54/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_55/events.out.tfevents.1718130394.0124-101655-9l2fggt9-10-0-43-14.42274.1 b/examples/m5/lightning_logs/version_55/events.out.tfevents.1718130394.0124-101655-9l2fggt9-10-0-43-14.42274.1 new file mode 100644 index 0000000..2431d92 Binary files /dev/null and b/examples/m5/lightning_logs/version_55/events.out.tfevents.1718130394.0124-101655-9l2fggt9-10-0-43-14.42274.1 differ diff --git a/examples/m5/lightning_logs/version_55/hparams.yaml b/examples/m5/lightning_logs/version_55/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_55/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_56/events.out.tfevents.1718130410.0124-101655-9l2fggt9-10-0-43-14.42274.2 b/examples/m5/lightning_logs/version_56/events.out.tfevents.1718130410.0124-101655-9l2fggt9-10-0-43-14.42274.2 new file mode 100644 index 0000000..4d3f472 Binary files /dev/null and b/examples/m5/lightning_logs/version_56/events.out.tfevents.1718130410.0124-101655-9l2fggt9-10-0-43-14.42274.2 differ diff --git a/examples/m5/lightning_logs/version_56/hparams.yaml b/examples/m5/lightning_logs/version_56/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_56/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_57/events.out.tfevents.1718130426.0124-101655-9l2fggt9-10-0-43-14.42274.3 b/examples/m5/lightning_logs/version_57/events.out.tfevents.1718130426.0124-101655-9l2fggt9-10-0-43-14.42274.3 new file mode 100644 index 0000000..ae4c876 Binary files /dev/null and b/examples/m5/lightning_logs/version_57/events.out.tfevents.1718130426.0124-101655-9l2fggt9-10-0-43-14.42274.3 differ diff --git a/examples/m5/lightning_logs/version_57/hparams.yaml b/examples/m5/lightning_logs/version_57/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_57/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_58/events.out.tfevents.1718130442.0124-101655-9l2fggt9-10-0-43-14.42274.4 b/examples/m5/lightning_logs/version_58/events.out.tfevents.1718130442.0124-101655-9l2fggt9-10-0-43-14.42274.4 new file mode 100644 index 0000000..ec9d999 Binary files /dev/null and b/examples/m5/lightning_logs/version_58/events.out.tfevents.1718130442.0124-101655-9l2fggt9-10-0-43-14.42274.4 differ diff --git a/examples/m5/lightning_logs/version_58/hparams.yaml b/examples/m5/lightning_logs/version_58/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_58/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_59/events.out.tfevents.1718130459.0124-101655-9l2fggt9-10-0-43-14.42274.5 b/examples/m5/lightning_logs/version_59/events.out.tfevents.1718130459.0124-101655-9l2fggt9-10-0-43-14.42274.5 new file mode 100644 index 0000000..a1a6a1f Binary files /dev/null and b/examples/m5/lightning_logs/version_59/events.out.tfevents.1718130459.0124-101655-9l2fggt9-10-0-43-14.42274.5 differ diff --git a/examples/m5/lightning_logs/version_59/hparams.yaml b/examples/m5/lightning_logs/version_59/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_59/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_6/events.out.tfevents.1717939462.0124-101655-9l2fggt9-10-0-1-10.175081.4 b/examples/m5/lightning_logs/version_6/events.out.tfevents.1717939462.0124-101655-9l2fggt9-10-0-1-10.175081.4 new file mode 100644 index 0000000..9c64089 Binary files /dev/null and b/examples/m5/lightning_logs/version_6/events.out.tfevents.1717939462.0124-101655-9l2fggt9-10-0-1-10.175081.4 differ diff --git a/examples/m5/lightning_logs/version_6/hparams.yaml b/examples/m5/lightning_logs/version_6/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_6/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_60/events.out.tfevents.1718130474.0124-101655-9l2fggt9-10-0-43-14.42274.6 b/examples/m5/lightning_logs/version_60/events.out.tfevents.1718130474.0124-101655-9l2fggt9-10-0-43-14.42274.6 new file mode 100644 index 0000000..3acd184 Binary files /dev/null and b/examples/m5/lightning_logs/version_60/events.out.tfevents.1718130474.0124-101655-9l2fggt9-10-0-43-14.42274.6 differ diff --git a/examples/m5/lightning_logs/version_60/hparams.yaml b/examples/m5/lightning_logs/version_60/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_60/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_61/events.out.tfevents.1718130490.0124-101655-9l2fggt9-10-0-43-14.42274.7 b/examples/m5/lightning_logs/version_61/events.out.tfevents.1718130490.0124-101655-9l2fggt9-10-0-43-14.42274.7 new file mode 100644 index 0000000..75ca81c Binary files /dev/null and b/examples/m5/lightning_logs/version_61/events.out.tfevents.1718130490.0124-101655-9l2fggt9-10-0-43-14.42274.7 differ diff --git a/examples/m5/lightning_logs/version_61/hparams.yaml b/examples/m5/lightning_logs/version_61/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_61/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_62/events.out.tfevents.1718130507.0124-101655-9l2fggt9-10-0-43-14.42274.8 b/examples/m5/lightning_logs/version_62/events.out.tfevents.1718130507.0124-101655-9l2fggt9-10-0-43-14.42274.8 new file mode 100644 index 0000000..59e102c Binary files /dev/null and b/examples/m5/lightning_logs/version_62/events.out.tfevents.1718130507.0124-101655-9l2fggt9-10-0-43-14.42274.8 differ diff --git a/examples/m5/lightning_logs/version_62/hparams.yaml b/examples/m5/lightning_logs/version_62/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_62/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_63/events.out.tfevents.1718130523.0124-101655-9l2fggt9-10-0-43-14.42274.9 b/examples/m5/lightning_logs/version_63/events.out.tfevents.1718130523.0124-101655-9l2fggt9-10-0-43-14.42274.9 new file mode 100644 index 0000000..702cff1 Binary files /dev/null and b/examples/m5/lightning_logs/version_63/events.out.tfevents.1718130523.0124-101655-9l2fggt9-10-0-43-14.42274.9 differ diff --git a/examples/m5/lightning_logs/version_63/hparams.yaml b/examples/m5/lightning_logs/version_63/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_63/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_64/events.out.tfevents.1718130550.0124-101655-9l2fggt9-10-0-43-14.42274.10 b/examples/m5/lightning_logs/version_64/events.out.tfevents.1718130550.0124-101655-9l2fggt9-10-0-43-14.42274.10 new file mode 100644 index 0000000..8efd55c Binary files /dev/null and b/examples/m5/lightning_logs/version_64/events.out.tfevents.1718130550.0124-101655-9l2fggt9-10-0-43-14.42274.10 differ diff --git a/examples/m5/lightning_logs/version_64/hparams.yaml b/examples/m5/lightning_logs/version_64/hparams.yaml new file mode 100644 index 0000000..ed2694d --- /dev/null +++ b/examples/m5/lightning_logs/version_64/hparams.yaml @@ -0,0 +1,91 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +interpolation_mode: linear +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_freq_downsample: +- 4 +- 2 +- 1 +n_pool_kernel_size: +- 2 +- 2 +- 1 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +pooling_mode: MaxPool1d +random_seed: 1 +scaler_type: robust +stack_types: +- identity +- identity +- identity +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_65/events.out.tfevents.1736840919.0124-101655-9l2fggt9-10-0-13-137.26101.0 b/examples/m5/lightning_logs/version_65/events.out.tfevents.1736840919.0124-101655-9l2fggt9-10-0-13-137.26101.0 new file mode 100644 index 0000000..cbbed04 Binary files /dev/null and b/examples/m5/lightning_logs/version_65/events.out.tfevents.1736840919.0124-101655-9l2fggt9-10-0-13-137.26101.0 differ diff --git a/examples/m5/lightning_logs/version_65/hparams.yaml b/examples/m5/lightning_logs/version_65/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_65/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_66/events.out.tfevents.1736840942.0124-101655-9l2fggt9-10-0-13-137.36046.0 b/examples/m5/lightning_logs/version_66/events.out.tfevents.1736840942.0124-101655-9l2fggt9-10-0-13-137.36046.0 new file mode 100644 index 0000000..8868e78 Binary files /dev/null and b/examples/m5/lightning_logs/version_66/events.out.tfevents.1736840942.0124-101655-9l2fggt9-10-0-13-137.36046.0 differ diff --git a/examples/m5/lightning_logs/version_66/hparams.yaml b/examples/m5/lightning_logs/version_66/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_66/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_67/events.out.tfevents.1736840956.0124-101655-9l2fggt9-10-0-13-137.25732.0 b/examples/m5/lightning_logs/version_67/events.out.tfevents.1736840956.0124-101655-9l2fggt9-10-0-13-137.25732.0 new file mode 100644 index 0000000..f04c9ea Binary files /dev/null and b/examples/m5/lightning_logs/version_67/events.out.tfevents.1736840956.0124-101655-9l2fggt9-10-0-13-137.25732.0 differ diff --git a/examples/m5/lightning_logs/version_67/hparams.yaml b/examples/m5/lightning_logs/version_67/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_67/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_68/events.out.tfevents.1736840958.0124-101655-9l2fggt9-10-0-13-137.25732.1 b/examples/m5/lightning_logs/version_68/events.out.tfevents.1736840958.0124-101655-9l2fggt9-10-0-13-137.25732.1 new file mode 100644 index 0000000..ca16c9f Binary files /dev/null and b/examples/m5/lightning_logs/version_68/events.out.tfevents.1736840958.0124-101655-9l2fggt9-10-0-13-137.25732.1 differ diff --git a/examples/m5/lightning_logs/version_68/hparams.yaml b/examples/m5/lightning_logs/version_68/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_68/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_69/events.out.tfevents.1736840960.0124-101655-9l2fggt9-10-0-13-137.25732.2 b/examples/m5/lightning_logs/version_69/events.out.tfevents.1736840960.0124-101655-9l2fggt9-10-0-13-137.25732.2 new file mode 100644 index 0000000..658a199 Binary files /dev/null and b/examples/m5/lightning_logs/version_69/events.out.tfevents.1736840960.0124-101655-9l2fggt9-10-0-13-137.25732.2 differ diff --git a/examples/m5/lightning_logs/version_69/hparams.yaml b/examples/m5/lightning_logs/version_69/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_69/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_7/events.out.tfevents.1717939478.0124-101655-9l2fggt9-10-0-1-10.175081.5 b/examples/m5/lightning_logs/version_7/events.out.tfevents.1717939478.0124-101655-9l2fggt9-10-0-1-10.175081.5 new file mode 100644 index 0000000..8a112ce Binary files /dev/null and b/examples/m5/lightning_logs/version_7/events.out.tfevents.1717939478.0124-101655-9l2fggt9-10-0-1-10.175081.5 differ diff --git a/examples/m5/lightning_logs/version_7/hparams.yaml b/examples/m5/lightning_logs/version_7/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_7/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_70/events.out.tfevents.1736840961.0124-101655-9l2fggt9-10-0-13-137.25732.3 b/examples/m5/lightning_logs/version_70/events.out.tfevents.1736840961.0124-101655-9l2fggt9-10-0-13-137.25732.3 new file mode 100644 index 0000000..d03ce5e Binary files /dev/null and b/examples/m5/lightning_logs/version_70/events.out.tfevents.1736840961.0124-101655-9l2fggt9-10-0-13-137.25732.3 differ diff --git a/examples/m5/lightning_logs/version_70/hparams.yaml b/examples/m5/lightning_logs/version_70/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_70/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_71/events.out.tfevents.1736840962.0124-101655-9l2fggt9-10-0-13-137.25732.4 b/examples/m5/lightning_logs/version_71/events.out.tfevents.1736840962.0124-101655-9l2fggt9-10-0-13-137.25732.4 new file mode 100644 index 0000000..aacbc3f Binary files /dev/null and b/examples/m5/lightning_logs/version_71/events.out.tfevents.1736840962.0124-101655-9l2fggt9-10-0-13-137.25732.4 differ diff --git a/examples/m5/lightning_logs/version_71/hparams.yaml b/examples/m5/lightning_logs/version_71/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_71/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_72/events.out.tfevents.1736840963.0124-101655-9l2fggt9-10-0-13-137.25732.5 b/examples/m5/lightning_logs/version_72/events.out.tfevents.1736840963.0124-101655-9l2fggt9-10-0-13-137.25732.5 new file mode 100644 index 0000000..a730b0b Binary files /dev/null and b/examples/m5/lightning_logs/version_72/events.out.tfevents.1736840963.0124-101655-9l2fggt9-10-0-13-137.25732.5 differ diff --git a/examples/m5/lightning_logs/version_72/hparams.yaml b/examples/m5/lightning_logs/version_72/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_72/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_73/events.out.tfevents.1736840965.0124-101655-9l2fggt9-10-0-13-137.25732.6 b/examples/m5/lightning_logs/version_73/events.out.tfevents.1736840965.0124-101655-9l2fggt9-10-0-13-137.25732.6 new file mode 100644 index 0000000..ec6e23a Binary files /dev/null and b/examples/m5/lightning_logs/version_73/events.out.tfevents.1736840965.0124-101655-9l2fggt9-10-0-13-137.25732.6 differ diff --git a/examples/m5/lightning_logs/version_73/hparams.yaml b/examples/m5/lightning_logs/version_73/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_73/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_74/events.out.tfevents.1736840966.0124-101655-9l2fggt9-10-0-13-137.25732.7 b/examples/m5/lightning_logs/version_74/events.out.tfevents.1736840966.0124-101655-9l2fggt9-10-0-13-137.25732.7 new file mode 100644 index 0000000..25f4d61 Binary files /dev/null and b/examples/m5/lightning_logs/version_74/events.out.tfevents.1736840966.0124-101655-9l2fggt9-10-0-13-137.25732.7 differ diff --git a/examples/m5/lightning_logs/version_74/hparams.yaml b/examples/m5/lightning_logs/version_74/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_74/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_75/events.out.tfevents.1736840967.0124-101655-9l2fggt9-10-0-13-137.25732.8 b/examples/m5/lightning_logs/version_75/events.out.tfevents.1736840967.0124-101655-9l2fggt9-10-0-13-137.25732.8 new file mode 100644 index 0000000..922f2a0 Binary files /dev/null and b/examples/m5/lightning_logs/version_75/events.out.tfevents.1736840967.0124-101655-9l2fggt9-10-0-13-137.25732.8 differ diff --git a/examples/m5/lightning_logs/version_75/hparams.yaml b/examples/m5/lightning_logs/version_75/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_75/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_76/events.out.tfevents.1736840968.0124-101655-9l2fggt9-10-0-13-137.25732.9 b/examples/m5/lightning_logs/version_76/events.out.tfevents.1736840968.0124-101655-9l2fggt9-10-0-13-137.25732.9 new file mode 100644 index 0000000..03e5ab5 Binary files /dev/null and b/examples/m5/lightning_logs/version_76/events.out.tfevents.1736840968.0124-101655-9l2fggt9-10-0-13-137.25732.9 differ diff --git a/examples/m5/lightning_logs/version_76/hparams.yaml b/examples/m5/lightning_logs/version_76/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_76/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_77/events.out.tfevents.1736840979.0124-101655-9l2fggt9-10-0-13-137.25732.10 b/examples/m5/lightning_logs/version_77/events.out.tfevents.1736840979.0124-101655-9l2fggt9-10-0-13-137.25732.10 new file mode 100644 index 0000000..7ec816d Binary files /dev/null and b/examples/m5/lightning_logs/version_77/events.out.tfevents.1736840979.0124-101655-9l2fggt9-10-0-13-137.25732.10 differ diff --git a/examples/m5/lightning_logs/version_77/hparams.yaml b/examples/m5/lightning_logs/version_77/hparams.yaml new file mode 100644 index 0000000..d8dcff7 --- /dev/null +++ b/examples/m5/lightning_logs/version_77/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_78/events.out.tfevents.1736841108.0124-101655-9l2fggt9-10-0-13-137.46879.0 b/examples/m5/lightning_logs/version_78/events.out.tfevents.1736841108.0124-101655-9l2fggt9-10-0-13-137.46879.0 new file mode 100644 index 0000000..567dbd3 Binary files /dev/null and b/examples/m5/lightning_logs/version_78/events.out.tfevents.1736841108.0124-101655-9l2fggt9-10-0-13-137.46879.0 differ diff --git a/examples/m5/lightning_logs/version_78/hparams.yaml b/examples/m5/lightning_logs/version_78/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_78/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_79/events.out.tfevents.1736841130.0124-101655-9l2fggt9-10-0-13-137.56825.0 b/examples/m5/lightning_logs/version_79/events.out.tfevents.1736841130.0124-101655-9l2fggt9-10-0-13-137.56825.0 new file mode 100644 index 0000000..c6c638c Binary files /dev/null and b/examples/m5/lightning_logs/version_79/events.out.tfevents.1736841130.0124-101655-9l2fggt9-10-0-13-137.56825.0 differ diff --git a/examples/m5/lightning_logs/version_79/hparams.yaml b/examples/m5/lightning_logs/version_79/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_79/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_8/events.out.tfevents.1717939496.0124-101655-9l2fggt9-10-0-1-10.175081.6 b/examples/m5/lightning_logs/version_8/events.out.tfevents.1717939496.0124-101655-9l2fggt9-10-0-1-10.175081.6 new file mode 100644 index 0000000..46f7d7d Binary files /dev/null and b/examples/m5/lightning_logs/version_8/events.out.tfevents.1717939496.0124-101655-9l2fggt9-10-0-1-10.175081.6 differ diff --git a/examples/m5/lightning_logs/version_8/hparams.yaml b/examples/m5/lightning_logs/version_8/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_8/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_80/events.out.tfevents.1736841145.0124-101655-9l2fggt9-10-0-13-137.46556.0 b/examples/m5/lightning_logs/version_80/events.out.tfevents.1736841145.0124-101655-9l2fggt9-10-0-13-137.46556.0 new file mode 100644 index 0000000..43b897e Binary files /dev/null and b/examples/m5/lightning_logs/version_80/events.out.tfevents.1736841145.0124-101655-9l2fggt9-10-0-13-137.46556.0 differ diff --git a/examples/m5/lightning_logs/version_80/hparams.yaml b/examples/m5/lightning_logs/version_80/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_80/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_81/events.out.tfevents.1736841147.0124-101655-9l2fggt9-10-0-13-137.46556.1 b/examples/m5/lightning_logs/version_81/events.out.tfevents.1736841147.0124-101655-9l2fggt9-10-0-13-137.46556.1 new file mode 100644 index 0000000..823b22d Binary files /dev/null and b/examples/m5/lightning_logs/version_81/events.out.tfevents.1736841147.0124-101655-9l2fggt9-10-0-13-137.46556.1 differ diff --git a/examples/m5/lightning_logs/version_81/hparams.yaml b/examples/m5/lightning_logs/version_81/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_81/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_82/events.out.tfevents.1736841148.0124-101655-9l2fggt9-10-0-13-137.46556.2 b/examples/m5/lightning_logs/version_82/events.out.tfevents.1736841148.0124-101655-9l2fggt9-10-0-13-137.46556.2 new file mode 100644 index 0000000..a351a74 Binary files /dev/null and b/examples/m5/lightning_logs/version_82/events.out.tfevents.1736841148.0124-101655-9l2fggt9-10-0-13-137.46556.2 differ diff --git a/examples/m5/lightning_logs/version_82/hparams.yaml b/examples/m5/lightning_logs/version_82/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_82/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_83/events.out.tfevents.1736841150.0124-101655-9l2fggt9-10-0-13-137.46556.3 b/examples/m5/lightning_logs/version_83/events.out.tfevents.1736841150.0124-101655-9l2fggt9-10-0-13-137.46556.3 new file mode 100644 index 0000000..566e8fc Binary files /dev/null and b/examples/m5/lightning_logs/version_83/events.out.tfevents.1736841150.0124-101655-9l2fggt9-10-0-13-137.46556.3 differ diff --git a/examples/m5/lightning_logs/version_83/hparams.yaml b/examples/m5/lightning_logs/version_83/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_83/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_84/events.out.tfevents.1736841151.0124-101655-9l2fggt9-10-0-13-137.46556.4 b/examples/m5/lightning_logs/version_84/events.out.tfevents.1736841151.0124-101655-9l2fggt9-10-0-13-137.46556.4 new file mode 100644 index 0000000..6bf47f6 Binary files /dev/null and b/examples/m5/lightning_logs/version_84/events.out.tfevents.1736841151.0124-101655-9l2fggt9-10-0-13-137.46556.4 differ diff --git a/examples/m5/lightning_logs/version_84/hparams.yaml b/examples/m5/lightning_logs/version_84/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_84/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_85/events.out.tfevents.1736841152.0124-101655-9l2fggt9-10-0-13-137.46556.5 b/examples/m5/lightning_logs/version_85/events.out.tfevents.1736841152.0124-101655-9l2fggt9-10-0-13-137.46556.5 new file mode 100644 index 0000000..881e9df Binary files /dev/null and b/examples/m5/lightning_logs/version_85/events.out.tfevents.1736841152.0124-101655-9l2fggt9-10-0-13-137.46556.5 differ diff --git a/examples/m5/lightning_logs/version_85/hparams.yaml b/examples/m5/lightning_logs/version_85/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_85/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_86/events.out.tfevents.1736841154.0124-101655-9l2fggt9-10-0-13-137.46556.6 b/examples/m5/lightning_logs/version_86/events.out.tfevents.1736841154.0124-101655-9l2fggt9-10-0-13-137.46556.6 new file mode 100644 index 0000000..f5fa092 Binary files /dev/null and b/examples/m5/lightning_logs/version_86/events.out.tfevents.1736841154.0124-101655-9l2fggt9-10-0-13-137.46556.6 differ diff --git a/examples/m5/lightning_logs/version_86/hparams.yaml b/examples/m5/lightning_logs/version_86/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_86/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_87/events.out.tfevents.1736841155.0124-101655-9l2fggt9-10-0-13-137.46556.7 b/examples/m5/lightning_logs/version_87/events.out.tfevents.1736841155.0124-101655-9l2fggt9-10-0-13-137.46556.7 new file mode 100644 index 0000000..09ad4d7 Binary files /dev/null and b/examples/m5/lightning_logs/version_87/events.out.tfevents.1736841155.0124-101655-9l2fggt9-10-0-13-137.46556.7 differ diff --git a/examples/m5/lightning_logs/version_87/hparams.yaml b/examples/m5/lightning_logs/version_87/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_87/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_88/events.out.tfevents.1736841156.0124-101655-9l2fggt9-10-0-13-137.46556.8 b/examples/m5/lightning_logs/version_88/events.out.tfevents.1736841156.0124-101655-9l2fggt9-10-0-13-137.46556.8 new file mode 100644 index 0000000..54c6319 Binary files /dev/null and b/examples/m5/lightning_logs/version_88/events.out.tfevents.1736841156.0124-101655-9l2fggt9-10-0-13-137.46556.8 differ diff --git a/examples/m5/lightning_logs/version_88/hparams.yaml b/examples/m5/lightning_logs/version_88/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_88/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_89/events.out.tfevents.1736841158.0124-101655-9l2fggt9-10-0-13-137.46556.9 b/examples/m5/lightning_logs/version_89/events.out.tfevents.1736841158.0124-101655-9l2fggt9-10-0-13-137.46556.9 new file mode 100644 index 0000000..7753bd8 Binary files /dev/null and b/examples/m5/lightning_logs/version_89/events.out.tfevents.1736841158.0124-101655-9l2fggt9-10-0-13-137.46556.9 differ diff --git a/examples/m5/lightning_logs/version_89/hparams.yaml b/examples/m5/lightning_logs/version_89/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_89/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_9/events.out.tfevents.1717939512.0124-101655-9l2fggt9-10-0-1-10.175081.7 b/examples/m5/lightning_logs/version_9/events.out.tfevents.1717939512.0124-101655-9l2fggt9-10-0-1-10.175081.7 new file mode 100644 index 0000000..2242585 Binary files /dev/null and b/examples/m5/lightning_logs/version_9/events.out.tfevents.1717939512.0124-101655-9l2fggt9-10-0-1-10.175081.7 differ diff --git a/examples/m5/lightning_logs/version_9/hparams.yaml b/examples/m5/lightning_logs/version_9/hparams.yaml new file mode 100644 index 0000000..f7fa35e --- /dev/null +++ b/examples/m5/lightning_logs/version_9/hparams.yaml @@ -0,0 +1,68 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_activation: tanh +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 200 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_90/events.out.tfevents.1736841166.0124-101655-9l2fggt9-10-0-13-137.46556.10 b/examples/m5/lightning_logs/version_90/events.out.tfevents.1736841166.0124-101655-9l2fggt9-10-0-13-137.46556.10 new file mode 100644 index 0000000..0fb3086 Binary files /dev/null and b/examples/m5/lightning_logs/version_90/events.out.tfevents.1736841166.0124-101655-9l2fggt9-10-0-13-137.46556.10 differ diff --git a/examples/m5/lightning_logs/version_90/hparams.yaml b/examples/m5/lightning_logs/version_90/hparams.yaml new file mode 100644 index 0000000..8c3ac73 --- /dev/null +++ b/examples/m5/lightning_logs/version_90/hparams.yaml @@ -0,0 +1,67 @@ +accelerator: gpu +alias: null +batch_size: 32 +context_size: 10 +decoder_hidden_size: 100 +decoder_layers: 2 +devices: -1 +drop_last_loader: false +early_stop_patience_steps: -1 +encoder_bias: true +encoder_dropout: 0.0 +encoder_hidden_size: 100 +encoder_n_layers: 2 +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_input_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +num_lr_decays: -1 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +stat_exog_list: [] +val_check_steps: 100 +valid_batch_size: null +valid_loss: null diff --git a/examples/m5/lightning_logs/version_91/events.out.tfevents.1736841299.0124-101655-9l2fggt9-10-0-13-137.67610.0 b/examples/m5/lightning_logs/version_91/events.out.tfevents.1736841299.0124-101655-9l2fggt9-10-0-13-137.67610.0 new file mode 100644 index 0000000..fb3af8a Binary files /dev/null and b/examples/m5/lightning_logs/version_91/events.out.tfevents.1736841299.0124-101655-9l2fggt9-10-0-13-137.67610.0 differ diff --git a/examples/m5/lightning_logs/version_91/hparams.yaml b/examples/m5/lightning_logs/version_91/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_91/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_92/events.out.tfevents.1736841324.0124-101655-9l2fggt9-10-0-13-137.77581.0 b/examples/m5/lightning_logs/version_92/events.out.tfevents.1736841324.0124-101655-9l2fggt9-10-0-13-137.77581.0 new file mode 100644 index 0000000..d29e0dc Binary files /dev/null and b/examples/m5/lightning_logs/version_92/events.out.tfevents.1736841324.0124-101655-9l2fggt9-10-0-13-137.77581.0 differ diff --git a/examples/m5/lightning_logs/version_92/hparams.yaml b/examples/m5/lightning_logs/version_92/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_92/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_93/events.out.tfevents.1736841340.0124-101655-9l2fggt9-10-0-13-137.67312.0 b/examples/m5/lightning_logs/version_93/events.out.tfevents.1736841340.0124-101655-9l2fggt9-10-0-13-137.67312.0 new file mode 100644 index 0000000..a2af30a Binary files /dev/null and b/examples/m5/lightning_logs/version_93/events.out.tfevents.1736841340.0124-101655-9l2fggt9-10-0-13-137.67312.0 differ diff --git a/examples/m5/lightning_logs/version_93/hparams.yaml b/examples/m5/lightning_logs/version_93/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_93/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_94/events.out.tfevents.1736841342.0124-101655-9l2fggt9-10-0-13-137.67312.1 b/examples/m5/lightning_logs/version_94/events.out.tfevents.1736841342.0124-101655-9l2fggt9-10-0-13-137.67312.1 new file mode 100644 index 0000000..771de44 Binary files /dev/null and b/examples/m5/lightning_logs/version_94/events.out.tfevents.1736841342.0124-101655-9l2fggt9-10-0-13-137.67312.1 differ diff --git a/examples/m5/lightning_logs/version_94/hparams.yaml b/examples/m5/lightning_logs/version_94/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_94/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_95/events.out.tfevents.1736841343.0124-101655-9l2fggt9-10-0-13-137.67312.2 b/examples/m5/lightning_logs/version_95/events.out.tfevents.1736841343.0124-101655-9l2fggt9-10-0-13-137.67312.2 new file mode 100644 index 0000000..0920b91 Binary files /dev/null and b/examples/m5/lightning_logs/version_95/events.out.tfevents.1736841343.0124-101655-9l2fggt9-10-0-13-137.67312.2 differ diff --git a/examples/m5/lightning_logs/version_95/hparams.yaml b/examples/m5/lightning_logs/version_95/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_95/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_96/events.out.tfevents.1736841345.0124-101655-9l2fggt9-10-0-13-137.67312.3 b/examples/m5/lightning_logs/version_96/events.out.tfevents.1736841345.0124-101655-9l2fggt9-10-0-13-137.67312.3 new file mode 100644 index 0000000..36a4b6c Binary files /dev/null and b/examples/m5/lightning_logs/version_96/events.out.tfevents.1736841345.0124-101655-9l2fggt9-10-0-13-137.67312.3 differ diff --git a/examples/m5/lightning_logs/version_96/hparams.yaml b/examples/m5/lightning_logs/version_96/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_96/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_97/events.out.tfevents.1736841346.0124-101655-9l2fggt9-10-0-13-137.67312.4 b/examples/m5/lightning_logs/version_97/events.out.tfevents.1736841346.0124-101655-9l2fggt9-10-0-13-137.67312.4 new file mode 100644 index 0000000..30e2b36 Binary files /dev/null and b/examples/m5/lightning_logs/version_97/events.out.tfevents.1736841346.0124-101655-9l2fggt9-10-0-13-137.67312.4 differ diff --git a/examples/m5/lightning_logs/version_97/hparams.yaml b/examples/m5/lightning_logs/version_97/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_97/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_98/events.out.tfevents.1736841347.0124-101655-9l2fggt9-10-0-13-137.67312.5 b/examples/m5/lightning_logs/version_98/events.out.tfevents.1736841347.0124-101655-9l2fggt9-10-0-13-137.67312.5 new file mode 100644 index 0000000..c299e59 Binary files /dev/null and b/examples/m5/lightning_logs/version_98/events.out.tfevents.1736841347.0124-101655-9l2fggt9-10-0-13-137.67312.5 differ diff --git a/examples/m5/lightning_logs/version_98/hparams.yaml b/examples/m5/lightning_logs/version_98/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_98/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5/lightning_logs/version_99/events.out.tfevents.1736841348.0124-101655-9l2fggt9-10-0-13-137.67312.6 b/examples/m5/lightning_logs/version_99/events.out.tfevents.1736841348.0124-101655-9l2fggt9-10-0-13-137.67312.6 new file mode 100644 index 0000000..36796c4 Binary files /dev/null and b/examples/m5/lightning_logs/version_99/events.out.tfevents.1736841348.0124-101655-9l2fggt9-10-0-13-137.67312.6 differ diff --git a/examples/m5/lightning_logs/version_99/hparams.yaml b/examples/m5/lightning_logs/version_99/hparams.yaml new file mode 100644 index 0000000..0c6d063 --- /dev/null +++ b/examples/m5/lightning_logs/version_99/hparams.yaml @@ -0,0 +1,84 @@ +accelerator: gpu +activation: ReLU +alias: null +batch_size: 32 +devices: -1 +drop_last_loader: false +dropout_prob_theta: 0.0 +early_stop_patience_steps: -1 +exclude_insample_y: false +futr_exog_list: [] +h: 28 +hist_exog_list: [] +inference_windows_batch_size: -1 +input_size: 56 +learning_rate: 0.001 +loss: !!python/object:neuralforecast.losses.pytorch.SMAPE + _backward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _backward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _buffers: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_always_called: !!python/object/apply:collections.OrderedDict + - [] + _forward_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _forward_pre_hooks_with_kwargs: !!python/object/apply:collections.OrderedDict + - [] + _is_full_backward_hook: null + _load_state_dict_post_hooks: !!python/object/apply:collections.OrderedDict + - [] + _load_state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + _modules: !!python/object/apply:collections.OrderedDict + - [] + _non_persistent_buffers_set: !!set {} + _parameters: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_hooks: !!python/object/apply:collections.OrderedDict + - [] + _state_dict_pre_hooks: !!python/object/apply:collections.OrderedDict + - [] + horizon_weight: null + is_distribution_output: false + output_names: + - '' + outputsize_multiplier: 1 + training: true +max_steps: 500 +mlp_units: +- - 512 + - 512 +- - 512 + - 512 +- - 512 + - 512 +n_blocks: +- 1 +- 1 +- 1 +n_harmonics: 2 +n_polynomials: 2 +num_lr_decays: 3 +num_workers_loader: 0 +optimizer: null +optimizer_kwargs: null +random_seed: 1 +scaler_type: robust +shared_weights: false +stack_types: +- identity +- trend +- seasonality +start_padding_enabled: false +stat_exog_list: [] +step_size: 1 +val_check_steps: 100 +valid_batch_size: null +valid_loss: null +windows_batch_size: 1024 diff --git a/examples/m5-examples/local_univariate_daily_m5.py b/examples/m5/local_univariate_daily_m5.py similarity index 87% rename from examples/m5-examples/local_univariate_daily_m5.py rename to examples/m5/local_univariate_daily_m5.py index fe006e0..921795d 100644 --- a/examples/m5-examples/local_univariate_daily_m5.py +++ b/examples/m5/local_univariate_daily_m5.py @@ -22,17 +22,17 @@ db = "m5" # Name of the schema we use to manage our assets (e.g. datasets) user = spark.sql('select current_user() as user').collect()[0]['user'] # User email address -n = 100 # Number of items: choose from [1000, 10000, 'full']. full is 35k +n = 1000 # Number of items: choose from [1000, 10000, 'full']. full is 35k taining_table = f"daily_train_{n}" # COMMAND ---------- -# MAGIC display( -# MAGIC spark.sql(f""" -# MAGIC select * from {catalog}.{db}.{taining_table} -# MAGIC where unique_id in ('FOODS_1_001_WI_1', 'FOODS_1_004_TX_2', 'FOODS_1_006_WI_1', 'FOODS_1_008_CA_3', 'FOODS_1_012_WI_1') -# MAGIC order by unique_id, ds -# MAGIC """)) +display( + spark.sql(f""" + select * from {catalog}.{db}.{taining_table} + where unique_id in ('FOODS_1_001_WI_1', 'FOODS_1_004_TX_2', 'FOODS_1_006_WI_1', 'FOODS_1_008_CA_3', 'FOODS_1_012_WI_1') + order by unique_id, ds + """)) # COMMAND ---------- diff --git a/examples/m5-examples/run_daily_m5.py b/examples/m5/run_daily_m5.py similarity index 100% rename from examples/m5-examples/run_daily_m5.py rename to examples/m5/run_daily_m5.py diff --git a/examples/foundation_monthly.py b/examples/monthly/foundation_monthly.py similarity index 92% rename from examples/foundation_monthly.py rename to examples/monthly/foundation_monthly.py index 6bbf154..249c9ae 100644 --- a/examples/foundation_monthly.py +++ b/examples/monthly/foundation_monthly.py @@ -1,20 +1,20 @@ # Databricks notebook source # MAGIC %md # MAGIC # Many Models Forecasting Demo -# MAGIC This notebook showcases how to run MMF with foundation models on multiple time series of monthly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/foundation_daily.py), so we will skip the redundant parts and focus only on the essentials. +# MAGIC This notebook showcases how to run MMF with foundation models on multiple time series of monthly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/foundation_daily.py), so we will skip the redundant parts and focus only on the essentials. # COMMAND ---------- # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) for distributing the inference tasks and utilizing all the available resource. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) for distributing the inference tasks and utilizing all the available resource. # COMMAND ---------- # MAGIC %md # MAGIC ### Install and import packages -# MAGIC Check out [requirements.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements.txt) if you're interested in the libraries we use. +# MAGIC Check out [requirements-global.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements-global.txt) if you're interested in the libraries we use. # COMMAND ---------- @@ -79,7 +79,7 @@ def transform_group(df): # COMMAND ---------- # MAGIC %md -# MAGIC We are going to save this data in a delta lake table. Provide catalog and database names where you want to store the data.__ +# MAGIC We are going to save this data in a delta lake table. Provide catalog and database names where you want to store the data. # COMMAND ---------- @@ -157,7 +157,7 @@ def transform_group(df): for model in active_models: dbutils.notebook.run( - "run_monthly", + "../run_monthly", timeout_seconds=0, arguments={"catalog": catalog, "db": db, "model": model, "run_id": run_id, "user": user}) diff --git a/examples/global_monthly.py b/examples/monthly/global_monthly.py similarity index 92% rename from examples/global_monthly.py rename to examples/monthly/global_monthly.py index 236933c..78d072c 100644 --- a/examples/global_monthly.py +++ b/examples/monthly/global_monthly.py @@ -1,20 +1,20 @@ # Databricks notebook source # MAGIC %md # MAGIC # Many Models Forecasting Demo -# MAGIC This notebook showcases how to run MMF with global models on multiple time series of monthly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/global_daily.py), so we will skip the redundant parts and focus only on the essentials. +# MAGIC This notebook showcases how to run MMF with global models on multiple time series of monthly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/global_daily.py), so we will skip the redundant parts and focus only on the essentials. # COMMAND ---------- # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. # COMMAND ---------- # MAGIC %md # MAGIC ### Install and import packages -# MAGIC Check out [requirements.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements.txt) if you're interested in the libraries we use. +# MAGIC Check out [requirements-global.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements-global.txt) if you're interested in the libraries we use. # COMMAND ---------- @@ -151,7 +151,7 @@ def transform_group(df): for model in active_models: dbutils.notebook.run( - "run_monthly", + "../run_monthly", timeout_seconds=0, arguments={"catalog": catalog, "db": db, "model": model, "run_id": run_id, "user": user}) diff --git a/examples/local_univariate_monthly.py b/examples/monthly/local_univariate_monthly.py similarity index 95% rename from examples/local_univariate_monthly.py rename to examples/monthly/local_univariate_monthly.py index a6d6a9d..b2459eb 100644 --- a/examples/local_univariate_monthly.py +++ b/examples/monthly/local_univariate_monthly.py @@ -2,14 +2,14 @@ # MAGIC %md # MAGIC # Many Models Forecasting Demo # MAGIC -# MAGIC This notebook showcases how to run MMF with local models on multiple univariate time series of monthly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/local_univariate_daily.py), so we will skip the redundant parts and focus only on the essentials. +# MAGIC This notebook showcases how to run MMF with local models on multiple univariate time series of monthly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/local_univariate_daily.py), so we will skip the redundant parts and focus only on the essentials. # COMMAND ---------- # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster can be either a single-node or multi-node CPU cluster. Make sure to set the following Spark configurations before you start your cluster: [`spark.sql.execution.arrow.enabled true`](https://spark.apache.org/docs/3.0.1/sql-pyspark-pandas-with-arrow.html#enabling-for-conversion-tofrom-pandas) and [`spark.sql.adaptive.enabled false`](https://spark.apache.org/docs/latest/sql-performance-tuning.html#adaptive-query-execution). You can do this by specifying [Spark configuration](https://docs.databricks.com/en/compute/configure.html#spark-configuration) in the advanced options on the cluster creation page. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster can be either a single-node or multi-node CPU cluster. Make sure to set the following Spark configurations before you start your cluster: [`spark.sql.execution.arrow.enabled true`](https://spark.apache.org/docs/3.0.1/sql-pyspark-pandas-with-arrow.html#enabling-for-conversion-tofrom-pandas) and [`spark.sql.adaptive.enabled false`](https://spark.apache.org/docs/latest/sql-performance-tuning.html#adaptive-query-execution). You can do this by specifying [Spark configuration](https://docs.databricks.com/en/compute/configure.html#spark-configuration) in the advanced options on the cluster creation page. # COMMAND ---------- @@ -19,7 +19,7 @@ # COMMAND ---------- # DBTITLE 1,Install the necessary libraries -# MAGIC %pip install -r ../requirements.txt --quiet +# MAGIC %pip install -r ../../requirements.txt --quiet # MAGIC dbutils.library.restartPython() # COMMAND ---------- diff --git a/examples/foundation_weekly.py b/examples/weekly/foundation_weekly.py similarity index 92% rename from examples/foundation_weekly.py rename to examples/weekly/foundation_weekly.py index 3dfd3b4..aecd9ea 100644 --- a/examples/foundation_weekly.py +++ b/examples/weekly/foundation_weekly.py @@ -1,20 +1,20 @@ # Databricks notebook source # MAGIC %md # MAGIC # Many Models Forecasting Demo -# MAGIC This notebook showcases how to run MMF with foundation models on multiple time series of weekly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/foundation_daily.py), so we will skip the redundant parts and focus only on the essentials. +# MAGIC This notebook showcases how to run MMF with foundation models on multiple time series of weekly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/foundation_daily.py), so we will skip the redundant parts and focus only on the essentials. # COMMAND ---------- # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) for distributing the inference tasks and utilizing all the available resource. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) for distributing the inference tasks and utilizing all the available resource. # COMMAND ---------- # MAGIC %md # MAGIC ### Install and import packages -# MAGIC Check out [requirements.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements.txt) if you're interested in the libraries we use. +# MAGIC Check out [requirements-global.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements-global.txt) if you're interested in the libraries we use. # COMMAND ---------- @@ -75,7 +75,7 @@ def transform_group(df): # COMMAND ---------- # MAGIC %md -# MAGIC We are going to save this data in a delta lake table. Provide catalog and database names where you want to store the data.__ +# MAGIC We are going to save this data in a delta lake table. Provide catalog and database names where you want to store the data. # COMMAND ---------- @@ -148,7 +148,7 @@ def transform_group(df): for model in active_models: dbutils.notebook.run( - "run_weekly", + "../run_weekly", timeout_seconds=0, arguments={"catalog": catalog, "db": db, "model": model, "run_id": run_id, "user": user}) @@ -189,4 +189,4 @@ def transform_group(df): # COMMAND ---------- -#display(spark.sql(f"delete from {catalog}.{db}.weekly_scoring_output")) \ No newline at end of file +#display(spark.sql(f"delete from {catalog}.{db}.weekly_scoring_output")) diff --git a/examples/global_weekly.py b/examples/weekly/global_weekly.py similarity index 92% rename from examples/global_weekly.py rename to examples/weekly/global_weekly.py index 4302fd8..d0ae5fb 100644 --- a/examples/global_weekly.py +++ b/examples/weekly/global_weekly.py @@ -1,20 +1,20 @@ # Databricks notebook source # MAGIC %md # MAGIC # Many Models Forecasting Demo -# MAGIC This notebook showcases how to run MMF with global models on multiple time series of weekly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/global_daily.py), so we will skip the redundant parts and focus only on the essentials. +# MAGIC This notebook showcases how to run MMF with global models on multiple time series of weekly resolution. We will use [M4 competition](https://www.sciencedirect.com/science/article/pii/S0169207019301128#sec5) data. The descriptions here are mostly the same as the case with the [daily resolution](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/examples/daily/global_daily.py), so we will skip the redundant parts and focus only on the essentials. # COMMAND ---------- # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster should be single-node with one or more GPU instances: e.g. [g4dn.12xlarge [T4]](https://aws.amazon.com/ec2/instance-types/g4/) on AWS or [Standard_NC64as_T4_v3](https://learn.microsoft.com/en-us/azure/virtual-machines/nct4-v3-series) on Azure. # COMMAND ---------- # MAGIC %md # MAGIC ### Install and import packages -# MAGIC Check out [requirements.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements.txt) if you're interested in the libraries we use. +# MAGIC Check out [requirements-global.txt](https://github.com/databricks-industry-solutions/many-model-forecasting/blob/main/requirements-global.txt) if you're interested in the libraries we use. # COMMAND ---------- @@ -75,7 +75,7 @@ def transform_group(df): # COMMAND ---------- # MAGIC %md -# MAGIC We are going to save this data in a delta lake table. Provide catalog and database names where you want to store the data.__ +# MAGIC We are going to save this data in a delta lake table. Provide catalog and database names where you want to store the data. # COMMAND ---------- @@ -142,7 +142,7 @@ def transform_group(df): for model in active_models: dbutils.notebook.run( - "run_weekly", + "../run_weekly", timeout_seconds=0, arguments={"catalog": catalog, "db": db, "model": model, "run_id": run_id, "user": user}) @@ -183,4 +183,4 @@ def transform_group(df): # COMMAND ---------- -#display(spark.sql(f"delete from {catalog}.{db}.weekly_scoring_output")) \ No newline at end of file +#display(spark.sql(f"delete from {catalog}.{db}.weekly_scoring_output")) diff --git a/examples/local_univariate_weekly.py b/examples/weekly/local_univariate_weekly.py similarity index 96% rename from examples/local_univariate_weekly.py rename to examples/weekly/local_univariate_weekly.py index 2a7235d..87e58b8 100644 --- a/examples/local_univariate_weekly.py +++ b/examples/weekly/local_univariate_weekly.py @@ -8,7 +8,7 @@ # MAGIC %md # MAGIC ### Cluster setup # MAGIC -# MAGIC We recommend using a cluster with [Databricks Runtime 14.3 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/14.3lts-ml.html) or above. The cluster can be either a single-node or multi-node CPU cluster. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) under the hood and utilizes all the available resource. Make sure to set the following Spark configurations before you start your cluster: [`spark.sql.execution.arrow.enabled true`](https://spark.apache.org/docs/3.0.1/sql-pyspark-pandas-with-arrow.html#enabling-for-conversion-tofrom-pandas) and [`spark.sql.adaptive.enabled false`](https://spark.apache.org/docs/latest/sql-performance-tuning.html#adaptive-query-execution). You can do this by specifying [Spark configuration](https://docs.databricks.com/en/compute/configure.html#spark-configuration) in the advanced options on the cluster creation page. +# MAGIC We recommend using a cluster with [Databricks Runtime 15.4 LTS for ML](https://docs.databricks.com/en/release-notes/runtime/15.4lts-ml.html) or above. The cluster can be either a single-node or multi-node CPU cluster. MMF leverages [Pandas UDF](https://docs.databricks.com/en/udf/pandas.html) under the hood and utilizes all the available resource. Make sure to set the following Spark configurations before you start your cluster: [`spark.sql.execution.arrow.enabled true`](https://spark.apache.org/docs/3.0.1/sql-pyspark-pandas-with-arrow.html#enabling-for-conversion-tofrom-pandas) and [`spark.sql.adaptive.enabled false`](https://spark.apache.org/docs/latest/sql-performance-tuning.html#adaptive-query-execution). You can do this by specifying [Spark configuration](https://docs.databricks.com/en/compute/configure.html#spark-configuration) in the advanced options on the cluster creation page. # COMMAND ---------- @@ -19,7 +19,7 @@ # COMMAND ---------- # DBTITLE 1,Install the necessary libraries -# MAGIC %pip install -r ../requirements.txt --quiet +# MAGIC %pip install -r ../../requirements.txt --quiet # MAGIC dbutils.library.restartPython() # COMMAND ---------- @@ -221,4 +221,4 @@ def transform_group(df): # COMMAND ---------- -#display(spark.sql(f"delete from {catalog}.{db}.weekly_scoring_output")) \ No newline at end of file +#display(spark.sql(f"delete from {catalog}.{db}.weekly_scoring_output"))