Skip to content
This repository has been archived by the owner on Nov 16, 2023. It is now read-only.

Set of new timeseries transforms #475

Open
wants to merge 44 commits into
base: master
Choose a base branch
from
Open
Show file tree
Hide file tree
Changes from all commits
Commits
Show all changes
44 commits
Select commit Hold shift + click to select a range
284fcd7
Use latest ML.Net dev packages from MachineLearning feed.
Jan 17, 2020
ad00b70
Re-enable the default nuget.org feed. It does not appear to cause
Jan 17, 2020
258a799
Add whitespace change to restart CI build. Linux timed out.
Jan 21, 2020
c542c1d
Fix build issue when using pip version >= 20.0.0
Jan 21, 2020
4c5bac1
Merge branch 'master' into nuget_update
Jan 21, 2020
5423d6a
Merge branch 'master' into nightly
actions-user Jan 24, 2020
324d379
Merge branch 'master' into nightly
actions-user Jan 24, 2020
b3ed66b
Merge branch 'master' into nightly
actions-user Jan 25, 2020
5924fdc
Merge branch 'master' into nightly
ganik Mar 25, 2020
5feb56d
preview3
ganik Mar 25, 2020
fed9aa2
fix signing
ganik Mar 26, 2020
039356a
run ep only if VerifyManifest
ganik Mar 26, 2020
cbe0e75
draft of timeseries transforms
ganik Mar 31, 2020
6a2a913
Updated with latest changes
ganik Apr 19, 2020
7ddbba5
Merge branch 'master' into tsaml
ganik Apr 19, 2020
7ae2fa9
add unit tests
ganik Apr 19, 2020
e3196c7
Add timeseries transforms to onnx suite test.
ganik Apr 20, 2020
d6ae18f
Add automl ONNX tests
ganik Apr 20, 2020
7244760
0.4.0 version for Featurizers
ganik Apr 20, 2020
f333452
Featurizer Onnx Export tests (#484)
angryjinyan Apr 27, 2020
ac5ce11
Add tests for DateTimeSplitter with country (#486)
angryjinyan Apr 27, 2020
0d5e594
install ort-featurizers
ganik Apr 28, 2020
fa35f9f
Merge branch 'tsaml' of https://github.com/microsoft/NimbusML into tsaml
ganik Apr 28, 2020
634597d
fix feed
ganik Apr 28, 2020
7819fdb
Merge branch 'master' into tsaml
ganik Apr 28, 2020
f223671
update version for ort-featurizers
ganik Apr 28, 2020
1e601e7
Merge branch 'tsaml' of https://github.com/microsoft/NimbusML into tsaml
ganik Apr 28, 2020
ca0eaa8
fix tests
ganik Apr 28, 2020
f234b7c
skip ts checks
ganik Apr 28, 2020
9a0bec9
fix tests
ganik Apr 28, 2020
82f831b
fix test
ganik Apr 28, 2020
2b7accb
MLFeatur vcersion
ganik Apr 28, 2020
7a7bef7
exclude test for Mac
ganik Apr 29, 2020
1315d4d
do mv to save space
ganik Apr 29, 2020
99b0e71
Make more space for build
ganik Apr 30, 2020
7878982
more space
ganik Apr 30, 2020
b3797e2
more space
ganik Apr 30, 2020
f2e81d3
more space
ganik Apr 30, 2020
9252d1e
more space
ganik Apr 30, 2020
b088277
fix build
ganik Apr 30, 2020
2fc6a1f
more space
ganik Apr 30, 2020
bea3ec3
check in (#487)
angryjinyan May 1, 2020
ba376b9
Fix shape (#488)
angryjinyan May 1, 2020
e9b6b87
Merge branch 'master' into tsaml
ganik May 12, 2020
File filter

Filter by extension

Filter by extension


Conversations
Failed to load comments.
Loading
Jump to
Jump to file
Failed to load files.
Loading
Diff view
Diff view
2 changes: 1 addition & 1 deletion build.cmd
Original file line number Diff line number Diff line change
Expand Up @@ -399,7 +399,7 @@ if "%InstallPythonPackages%" == "True" (
call "%PythonExe%" -m pip install --upgrade pyzmq
) else (
call "%PythonExe%" -m pip install --upgrade "azureml-dataprep>=1.1.33"
call "%PythonExe%" -m pip install --upgrade onnxruntime
call "%PythonExe%" -m pip install --upgrade --extra-index-url https://test.pypi.org/simple/ ort-nightly-featurizer
)

call "%PythonExe%" -m pip install --upgrade "%__currentScriptDir%target\%WheelFile%"
Expand Down
3 changes: 2 additions & 1 deletion build.sh
Original file line number Diff line number Diff line change
Expand Up @@ -283,6 +283,7 @@ then
echo "#################################"
echo "Installing Python packages ... "
echo "#################################"

Wheel=${__currentScriptDir}/target/nimbusml-${ProductVersion}-${PythonTag}-none-${PlatName}.whl
if [ ! -f ${Wheel} ]
then
Expand All @@ -301,7 +302,7 @@ then
fi

"${PythonExe}" -m pip install --upgrade "azureml-dataprep>=1.1.33"
"${PythonExe}" -m pip install --upgrade onnxruntime
"${PythonExe}" -m pip install --upgrade --extra-index-url https://test.pypi.org/simple/ ort-nightly-featurizer
fi
"${PythonExe}" -m pip install --upgrade "${Wheel}"
"${PythonExe}" -m pip install "scikit-learn==0.19.2"
Expand Down
1 change: 1 addition & 0 deletions nuget.config
Original file line number Diff line number Diff line change
Expand Up @@ -5,5 +5,6 @@
</config>
<packageSources>
<add key="nuget.org" value="https://api.nuget.org/v3/index.json" />
<add key="MachineLearning" value="https://pkgs.dev.azure.com/dnceng/public/_packaging/MachineLearning/nuget/v3/index.json" />
</packageSources>
</configuration>
28 changes: 14 additions & 14 deletions src/DotNetBridge/DotNetBridge.csproj
Original file line number Diff line number Diff line change
Expand Up @@ -32,21 +32,21 @@
<PrivateAssets>all</PrivateAssets>
<IncludeAssets>runtime; build; native; contentfiles; analyzers</IncludeAssets>
</PackageReference>
<PackageReference Include="Microsoft.ML" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.CpuMath" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.EntryPoints" Version="0.17.0-preview2" />
<PackageReference Include="Microsoft.ML.Mkl.Components" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.ImageAnalytics" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.LightGBM" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.OnnxConverter" Version="0.17.0-preview2" />
<PackageReference Include="Microsoft.ML.OnnxTransformer" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.CpuMath" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.EntryPoints" Version="0.17.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.Mkl.Components" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.ImageAnalytics" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.LightGBM" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.OnnxConverter" Version="0.17.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.OnnxTransformer" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.OnnxRuntime" Version="1.2.0" />
<PackageReference Include="Microsoft.ML.TensorFlow" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.Vision" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.Ensemble" Version="0.17.0-preview2" />
<PackageReference Include="Microsoft.ML.TimeSeries" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.Featurizers" Version="0.17.0-preview2" />
<PackageReference Include="Microsoft.MLFeaturizers" Version="0.3.5" />
<PackageReference Include="Microsoft.ML.TensorFlow" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.Vision" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.Ensemble" Version="0.17.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.TimeSeries" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.Featurizers" Version="0.17.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.MLFeaturizers" Version="0.4.*" />
<PackageReference Include="Microsoft.DataPrep" Version="0.0.3.2-preview" />
<PackageReference Include="TensorFlow.NET" Version="0.11.8.1" />
<PackageReference Include="SciSharp.TensorFlow.Redist" Version="1.14.0" />
Expand Down
28 changes: 14 additions & 14 deletions src/Platforms/build.csproj
Original file line number Diff line number Diff line change
Expand Up @@ -21,21 +21,21 @@
</Target>

<ItemGroup>
<PackageReference Include="Microsoft.ML" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.CpuMath" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.EntryPoints" Version="0.17.0-preview2" />
<PackageReference Include="Microsoft.ML.Mkl.Components" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.ImageAnalytics" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.LightGBM" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.OnnxConverter" Version="0.17.0-preview2" />
<PackageReference Include="Microsoft.ML" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.CpuMath" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.EntryPoints" Version="0.17.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.Mkl.Components" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.ImageAnalytics" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.LightGBM" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.OnnxConverter" Version="0.17.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.OnnxRuntime" Version="1.2.0" />
<PackageReference Include="Microsoft.ML.OnnxTransformer" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.TensorFlow" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.Vision" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.Ensemble" Version="0.17.0-preview2" />
<PackageReference Include="Microsoft.ML.TimeSeries" Version="1.5.0-preview2" />
<PackageReference Include="Microsoft.ML.Featurizers" Version="0.17.0-preview2" />
<PackageReference Include="Microsoft.MLFeaturizers" Version="0.3.5" />
<PackageReference Include="Microsoft.ML.OnnxTransformer" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.TensorFlow" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.Vision" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.Ensemble" Version="0.17.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.TimeSeries" Version="1.5.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.ML.Featurizers" Version="0.17.0-ortFeaturizers*" />
<PackageReference Include="Microsoft.MLFeaturizers" Version="0.4.*" />
<PackageReference Include="Microsoft.DataPrep" Version="0.0.3.2-preview" />
<PackageReference Include="TensorFlow.NET" Version="0.11.8.1" />
<PackageReference Include="SciSharp.TensorFlow.Redist" Version="1.14.0" />
Expand Down
24 changes: 24 additions & 0 deletions src/python/nimbusml.pyproj
Original file line number Diff line number Diff line change
Expand Up @@ -92,6 +92,10 @@
<Compile Include="nimbusml\examples\BootStrapSample.py" />
<Compile Include="nimbusml\examples\CharTokenizer.py" />
<Compile Include="nimbusml\examples\ColumnConcatenator.py" />
<Compile Include="nimbusml\examples\LagLeadOperator.py" />
<Compile Include="nimbusml\examples\ForecastingPivot.py" />
<Compile Include="nimbusml\examples\ShortDrop.py" />
<Compile Include="nimbusml\examples\RollingWindow.py" />
<Compile Include="nimbusml\examples\examples_from_dataframe\OnnxRunner_df.py" />
<Compile Include="nimbusml\examples\examples_from_dataframe\RobustScaler_df.py" />
<Compile Include="nimbusml\examples\examples_from_dataframe\TimeSeriesImputer_df.py" />
Expand Down Expand Up @@ -332,8 +336,12 @@
<Compile Include="nimbusml\internal\core\preprocessing\tokeyimputer.py" />
<Compile Include="nimbusml\internal\core\preprocessing\tostring.py" />
<Compile Include="nimbusml\internal\core\preprocessing\text\wordtokenizer.py" />
<Compile Include="nimbusml\internal\core\timeseries\forecastingpivot.py" />
<Compile Include="nimbusml\internal\core\timeseries\iidchangepointdetector.py" />
<Compile Include="nimbusml\internal\core\timeseries\iidspikedetector.py" />
<Compile Include="nimbusml\internal\core\timeseries\lagleadoperator.py" />
<Compile Include="nimbusml\internal\core\timeseries\rollingwindow.py" />
<Compile Include="nimbusml\internal\core\timeseries\shortdrop.py" />
Copy link
Member Author

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

Better name for ShortDrop

<Compile Include="nimbusml\internal\core\timeseries\ssachangepointdetector.py" />
<Compile Include="nimbusml\internal\core\timeseries\ssaforecaster.py" />
<Compile Include="nimbusml\internal\core\timeseries\ssaspikedetector.py" />
Expand Down Expand Up @@ -422,6 +430,8 @@
<Compile Include="nimbusml\internal\entrypoints\transforms_categoryimputer.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_charactertokenizer.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_datasetscorerex.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_forecastingpivot.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_lagleadoperator.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_prefixcolumnconcatenator.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_columnconcatenator.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_columncopier.py" />
Expand Down Expand Up @@ -468,6 +478,7 @@
<Compile Include="nimbusml\internal\entrypoints\transforms_permutationfeatureimportance.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_predictedlabelcolumnoriginalvalueconverter.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_randomnumbergenerator.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_rollingwindow.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_rowrangefilter.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_rowskipandtakefilter.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_rowskipfilter.py" />
Expand All @@ -476,6 +487,7 @@
<Compile Include="nimbusml\internal\entrypoints\transforms_scorer.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_segregator.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_sentimentanalyzer.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_shortdrop.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_tensorflowscorer.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_textfeaturizer.py" />
<Compile Include="nimbusml\internal\entrypoints\transforms_texttokeyconverter.py" />
Expand Down Expand Up @@ -741,21 +753,33 @@
<Compile Include="nimbusml\tests\test_fit_graph.py" />
<Compile Include="nimbusml\tests\test_variable_column.py" />
<Compile Include="nimbusml\tests\timeseries\test_iidchangepointdetector.py" />
<Compile Include="nimbusml\tests\timeseries\test_forecastingpivot.py" />
<Compile Include="nimbusml\tests\timeseries\test_lagleadoperator.py" />
<Compile Include="nimbusml\tests\timeseries\test_shortdrop.py" />
<Compile Include="nimbusml\tests\timeseries\test_rollingwindow.py" />
<Compile Include="nimbusml\tests\timeseries\test_ssaforecaster.py" />
<Compile Include="nimbusml\tests\timeseries\test_ssachangepointdetector.py" />
<Compile Include="nimbusml\tests\timeseries\test_timeseriesimputer.py" />
<Compile Include="nimbusml\tests\timeseries\test_ssaspikedetector.py" />
<Compile Include="nimbusml\tests\timeseries\test_iidspikedetector.py" />
<Compile Include="nimbusml\tests\timeseries\__init__.py" />
<Compile Include="nimbusml\timeseries\forecastingpivot.py" />
<Compile Include="nimbusml\timeseries\iidchangepointdetector.py" />
<Compile Include="nimbusml\timeseries\iidspikedetector.py" />
<Compile Include="nimbusml\timeseries\lagleadoperator.py" />
<Compile Include="nimbusml\timeseries\rollingwindow.py" />
<Compile Include="nimbusml\timeseries\shortdrop.py" />
<Compile Include="nimbusml\timeseries\ssachangepointdetector.py" />
<Compile Include="nimbusml\timeseries\ssaforecaster.py" />
<Compile Include="nimbusml\timeseries\ssaspikedetector.py" />
<Compile Include="nimbusml\timeseries\timeseriesimputer.py" />
<Compile Include="nimbusml\timeseries\__init__.py" />
<Compile Include="tests_extended\data_frame_tool.py" />
<Compile Include="tests_extended\test_automl_scenario.py" />
<Compile Include="tests_extended\test_dft_based.py" />
<Compile Include="tests_extended\test_tensor_based.py" />
<Compile Include="tests_extended\test_tensor_invalid_input.py" />
<Compile Include="tests_extended\test_timeseries_automl.py" />
<Compile Include="tests_extended\test_export_to_onnx.py" />
<Compile Include="tests\test_estimator_checks.py" />
<Compile Include="nimbusml\tests\feature_extraction\text\test_lightlda.py" />
Expand Down
31 changes: 31 additions & 0 deletions src/python/nimbusml/examples/ForecastingPivot.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,31 @@
###############################################################################
# DateTimeSplitter
import pandas as pd
import numpy as np
from nimbusml import FileDataStream, Pipeline
from nimbusml.datasets import get_dataset
from nimbusml.timeseries import ForecastingPivot, RollingWindow

# data input (as a FileDataStream)
path = get_dataset('infert').as_filepath()
data = FileDataStream.read_csv(path, sep=',', numeric_dtype=np.double)

# transform usage
xf = RollingWindow(columns={'age_1': 'age'},
grain_columns=['education'],
window_calculation='Mean',
max_window_size=1,
horizon=1)

xf1 = ForecastingPivot(columns_to_pivot=['age_1'])

pipe = Pipeline([xf, xf1])

# fit and transform
features = pipe.fit_transform(data)

features = features.drop(['row_num', 'education', 'parity', 'induced',
'case', 'spontaneous', 'stratum', 'pooled.stratum'], axis=1)

# print features
print(features.head(100))
26 changes: 26 additions & 0 deletions src/python/nimbusml/examples/LagLeadOperator.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,26 @@
###############################################################################
# DateTimeSplitter
import pandas as pd
import numpy as np
from nimbusml import FileDataStream
from nimbusml.datasets import get_dataset
from nimbusml.timeseries import LagLeadOperator

# data input (as a FileDataStream)
path = get_dataset('infert').as_filepath()
data = FileDataStream.read_csv(path, sep=',', numeric_dtype=np.double)

# transform usage
xf = LagLeadOperator(columns={'age_1': 'age'},
grain_columns=['education'],
offsets=[-3, 1],
horizon=1)

# fit and transform
features = xf.fit_transform(data)

features = features.drop(['row_num', 'education', 'parity', 'induced',
'case', 'spontaneous', 'stratum', 'pooled.stratum'], axis=1)

# print features
print(features.head(100))
27 changes: 27 additions & 0 deletions src/python/nimbusml/examples/RollingWindow.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,27 @@
###############################################################################
# DateTimeSplitter
import pandas as pd
import numpy as np
from nimbusml import FileDataStream
from nimbusml.datasets import get_dataset
from nimbusml.timeseries import RollingWindow

# data input (as a FileDataStream)
path = get_dataset('infert').as_filepath()
data = FileDataStream.read_csv(path, sep=',', numeric_dtype=np.double)

# transform usage
xf = RollingWindow(columns={'age_1': 'age'},
grain_columns=['education'],
window_calculation='Mean',
max_window_size=2,
horizon=2)

# fit and transform
features = xf.fit_transform(data)

features = features.drop(['row_num', 'education', 'parity', 'induced',
'case', 'spontaneous', 'stratum', 'pooled.stratum'], axis=1)

# print features
print(features.head(100))
23 changes: 23 additions & 0 deletions src/python/nimbusml/examples/ShortDrop.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,23 @@
###############################################################################
# DateTimeSplitter
import pandas as pd
import numpy as np
from nimbusml import FileDataStream
from nimbusml.datasets import get_dataset
from nimbusml.timeseries import ShortDrop

# data input (as a FileDataStream)
path = get_dataset('infert').as_filepath()
data = FileDataStream.read_csv(path, sep=',', numeric_dtype=np.double)

# transform usage
xf = ShortDrop(grain_columns=['education'], min_rows=4294967294) << 'age'

# fit and transform
features = xf.fit_transform(data)

features = features.drop(['row_num', 'education', 'parity', 'induced',
'case', 'spontaneous', 'stratum', 'pooled.stratum'], axis=1)

# print features
print(features.head(100))
55 changes: 55 additions & 0 deletions src/python/nimbusml/internal/core/timeseries/forecastingpivot.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,55 @@
# --------------------------------------------------------------------------------------------
# Copyright (c) Microsoft Corporation. All rights reserved.
# Licensed under the MIT License.
# --------------------------------------------------------------------------------------------
# - Generated by tools/entrypoint_compiler.py: do not edit by hand
"""
ForecastingPivot
"""

__all__ = ["ForecastingPivot"]


from ...entrypoints.transforms_forecastingpivot import \
transforms_forecastingpivot
from ...utils.utils import trace
from ..base_pipeline_item import BasePipelineItem, DefaultSignature


class ForecastingPivot(BasePipelineItem, DefaultSignature):
"""
**Description**
Pivots the input colums and drops any rows with N/A

:param columns_to_pivot: List of columns to pivot.

:param horizon_column_name: Name of the horizon column generated.

:param params: Additional arguments sent to compute engine.

"""

@trace
def __init__(
self,
columns_to_pivot,
horizon_column_name='Horizon',
**params):
BasePipelineItem.__init__(
self, type='transform', **params)

self.columns_to_pivot = columns_to_pivot
self.horizon_column_name = horizon_column_name

@property
def _entrypoint(self):
return transforms_forecastingpivot

@trace
def _get_node(self, **all_args):
algo_args = dict(
columns_to_pivot=self.columns_to_pivot,
horizon_column_name=self.horizon_column_name)

all_args.update(algo_args)
return self._entrypoint(**all_args)
Loading