openstef 3.4.29__tar.gz → 3.4.31__tar.gz
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- {openstef-3.4.29 → openstef-3.4.31}/PKG-INFO +2 -2
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/regressors/flatliner.py +3 -3
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model_selection/model_selection.py +1 -1
- {openstef-3.4.29 → openstef-3.4.31}/openstef/pipeline/train_model.py +8 -5
- {openstef-3.4.29 → openstef-3.4.31}/openstef.egg-info/PKG-INFO +2 -2
- {openstef-3.4.29 → openstef-3.4.31}/openstef.egg-info/requires.txt +1 -1
- {openstef-3.4.29 → openstef-3.4.31}/setup.py +1 -1
- {openstef-3.4.29 → openstef-3.4.31}/LICENSE +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/README.md +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/__main__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/app_settings.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/data/dutch_holidays_2020-2022.csv +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/data/dutch_holidays_2020-2022.csv.license +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/data/pv_single_coefs.csv +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/data/pv_single_coefs.csv.license +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/data_classes/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/data_classes/data_prep.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/data_classes/model_specifications.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/data_classes/prediction_job.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/data_classes/split_function.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/enums.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/exceptions.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/feature_engineering/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/feature_engineering/apply_features.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/feature_engineering/data_preparation.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/feature_engineering/feature_adder.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/feature_engineering/feature_applicator.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/feature_engineering/general.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/feature_engineering/holiday_features.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/feature_engineering/lag_features.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/feature_engineering/missing_values_transformer.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/feature_engineering/weather_features.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/metrics/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/metrics/figure.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/metrics/metrics.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/metrics/reporter.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/basecase.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/confidence_interval_applicator.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/fallback.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/metamodels/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/metamodels/grouped_regressor.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/metamodels/missing_values_handler.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/model_creator.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/objective.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/objective_creator.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/regressors/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/regressors/arima.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/regressors/custom_regressor.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/regressors/dazls.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/regressors/lgbm.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/regressors/linear.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/regressors/linear_quantile.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/regressors/regressor.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/regressors/xgb.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/regressors/xgb_multioutput_quantile.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/regressors/xgb_quantile.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/serializer.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model/standard_deviation_generator.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/model_selection/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/monitoring/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/monitoring/performance_meter.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/monitoring/teams.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/pipeline/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/pipeline/create_basecase_forecast.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/pipeline/create_component_forecast.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/pipeline/create_forecast.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/pipeline/optimize_hyperparameters.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/pipeline/train_create_forecast_backtest.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/pipeline/utils.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/postprocessing/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/postprocessing/postprocessing.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/preprocessing/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/preprocessing/preprocessing.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/settings.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/calculate_kpi.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/create_basecase_forecast.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/create_components_forecast.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/create_forecast.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/create_solar_forecast.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/create_wind_forecast.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/optimize_hyperparameters.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/split_forecast.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/train_model.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/utils/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/utils/dependencies.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/utils/predictionjobloop.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/tasks/utils/taskcontext.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/validation/__init__.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef/validation/validation.py +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef.egg-info/SOURCES.txt +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef.egg-info/dependency_links.txt +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/openstef.egg-info/top_level.txt +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/pyproject.toml +0 -0
- {openstef-3.4.29 → openstef-3.4.31}/setup.cfg +0 -0
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.1
|
2
2
|
Name: openstef
|
3
|
-
Version: 3.4.
|
3
|
+
Version: 3.4.31
|
4
4
|
Summary: Open short term energy forecaster
|
5
5
|
Home-page: https://github.com/OpenSTEF/openstef
|
6
6
|
Author: Alliander N.V
|
@@ -31,7 +31,7 @@ Requires-Dist: pydantic-settings~=2.3
|
|
31
31
|
Requires-Dist: pymsteams~=0.2.2
|
32
32
|
Requires-Dist: scikit-learn~=1.3
|
33
33
|
Requires-Dist: scipy~=1.10
|
34
|
-
Requires-Dist: statsmodels
|
34
|
+
Requires-Dist: statsmodels<1.0.0,>=0.13.5
|
35
35
|
Requires-Dist: structlog<25,>=23.1
|
36
36
|
Requires-Dist: xgboost~=2.0
|
37
37
|
|
@@ -23,9 +23,9 @@ class FlatlinerRegressor(OpenstfRegressor, RegressorMixin):
|
|
23
23
|
def __init__(self, quantiles=None):
|
24
24
|
"""Initialize FlatlinerRegressor.
|
25
25
|
|
26
|
-
The model always predicts 0.0, regardless of the input features. The model is
|
27
|
-
|
28
|
-
|
26
|
+
The model always predicts 0.0, regardless of the input features. The model is meant to be used for flatliner
|
27
|
+
locations that still expect a prediction while preserving the prediction interface.
|
28
|
+
|
29
29
|
"""
|
30
30
|
super().__init__()
|
31
31
|
self.quantiles = quantiles
|
@@ -106,7 +106,7 @@ def split_data_train_validation_test(
|
|
106
106
|
validation_fraction: float = 0.15,
|
107
107
|
back_test: bool = False,
|
108
108
|
stratification_min_max: bool = True,
|
109
|
-
) -> tuple[pd.DataFrame, pd.DataFrame, pd.DataFrame]:
|
109
|
+
) -> tuple[pd.DataFrame, pd.DataFrame, pd.DataFrame, pd.DataFrame]:
|
110
110
|
"""Split input data into train, test and validation set.
|
111
111
|
|
112
112
|
Function for splitting data with features in a train, test and
|
@@ -3,7 +3,7 @@
|
|
3
3
|
# SPDX-License-Identifier: MPL-2.0
|
4
4
|
import logging
|
5
5
|
import os
|
6
|
-
from typing import Optional, Union
|
6
|
+
from typing import Optional, Union, Tuple
|
7
7
|
|
8
8
|
import pandas as pd
|
9
9
|
import structlog
|
@@ -155,7 +155,7 @@ def train_model_pipeline_core(
|
|
155
155
|
input_data: pd.DataFrame,
|
156
156
|
old_model: OpenstfRegressor = None,
|
157
157
|
horizons: list[float] = DEFAULT_TRAIN_HORIZONS_HOURS,
|
158
|
-
) ->
|
158
|
+
) -> Tuple[
|
159
159
|
OpenstfRegressor,
|
160
160
|
Report,
|
161
161
|
ModelSpecificationDataClass,
|
@@ -246,7 +246,9 @@ def train_pipeline_common(
|
|
246
246
|
test_fraction: float = 0.0,
|
247
247
|
backtest: bool = False,
|
248
248
|
test_data_predefined: pd.DataFrame = pd.DataFrame(),
|
249
|
-
) -> tuple[
|
249
|
+
) -> tuple[
|
250
|
+
OpenstfRegressor, Report, pd.DataFrame, pd.DataFrame, pd.DataFrame, pd.DataFrame
|
251
|
+
]:
|
250
252
|
"""Common pipeline shared with operational training and backtest training.
|
251
253
|
|
252
254
|
Args:
|
@@ -314,7 +316,8 @@ def train_pipeline_common(
|
|
314
316
|
|
315
317
|
def train_pipeline_step_load_model(
|
316
318
|
pj: PredictionJobDataClass, serializer: MLflowSerializer
|
317
|
-
) ->
|
319
|
+
) -> Tuple[OpenstfRegressor, ModelSpecificationDataClass, Union[int, float]]:
|
320
|
+
old_model: Optional[OpenstfRegressor]
|
318
321
|
try:
|
319
322
|
old_model, model_specs = serializer.load_model(experiment_name=str(pj.id))
|
320
323
|
old_model_age = old_model.age # Age attribute is openstef specific
|
@@ -509,7 +512,7 @@ def train_pipeline_step_split_data(
|
|
509
512
|
test_fraction: float,
|
510
513
|
backtest: bool = False,
|
511
514
|
test_data_predefined: pd.DataFrame = pd.DataFrame(),
|
512
|
-
) ->
|
515
|
+
) -> Tuple[pd.DataFrame, pd.DataFrame, pd.DataFrame, pd.DataFrame]:
|
513
516
|
"""The default way to perform train, val, test split.
|
514
517
|
|
515
518
|
Args:
|
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.1
|
2
2
|
Name: openstef
|
3
|
-
Version: 3.4.
|
3
|
+
Version: 3.4.31
|
4
4
|
Summary: Open short term energy forecaster
|
5
5
|
Home-page: https://github.com/OpenSTEF/openstef
|
6
6
|
Author: Alliander N.V
|
@@ -31,7 +31,7 @@ Requires-Dist: pydantic-settings~=2.3
|
|
31
31
|
Requires-Dist: pymsteams~=0.2.2
|
32
32
|
Requires-Dist: scikit-learn~=1.3
|
33
33
|
Requires-Dist: scipy~=1.10
|
34
|
-
Requires-Dist: statsmodels
|
34
|
+
Requires-Dist: statsmodels<1.0.0,>=0.13.5
|
35
35
|
Requires-Dist: structlog<25,>=23.1
|
36
36
|
Requires-Dist: xgboost~=2.0
|
37
37
|
|
@@ -29,7 +29,7 @@ def read_long_description_from_readme():
|
|
29
29
|
|
30
30
|
setup(
|
31
31
|
name="openstef",
|
32
|
-
version="3.4.
|
32
|
+
version="3.4.31",
|
33
33
|
packages=find_packages(include=["openstef", "openstef.*"]),
|
34
34
|
description="Open short term energy forecaster",
|
35
35
|
long_description=read_long_description_from_readme(),
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
{openstef-3.4.29 → openstef-3.4.31}/openstef/feature_engineering/missing_values_transformer.py
RENAMED
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|