autots.templates package

Submodules

autots.templates.general module

Starting templates for models.

autots.templates.general.general_template = Model  ... Ensemble 1                     ARIMA  ...        0 3         AverageValueNaive  ...        0 4         AverageValueNaive  ...        0 5         AverageValueNaive  ...        0 6        DatepartRegression  ...        0 ..                      ...  ...      ... 90     PreprocessingExperts  ...        0 91     PreprocessingExperts  ...        0 92  PreprocessingRegression  ...        0 93  PreprocessingRegression  ...        0 94                FBProphet  ...        0  [93 rows x 4 columns]

# Basic Template Construction Code # transformer_max_depth = 6 and transformer_list = “fast” from autots.evaluator.auto_model import unpack_ensemble_models max_per_model_class = 1 export_template = model.validation_results.model_results export_template = export_template[

export_template[‘Runs’] >= (model.num_validations + 1)

] export_template = (

export_template.sort_values(‘Score’, ascending=True) .groupby(‘Model’) .head(max_per_model_class) .reset_index()

) import json export2 = unpack_ensemble_models(model.best_model, keep_ensemble=False, recursive=True) export_final = pd.concat([export_template, export2]) export_final = export_final[export_final[‘Ensemble’] < 1] export_final[[“Model”, “ModelParameters”, “TransformationParameters”, “Ensemble”]].reset_index(drop=True).to_json(orient=’index’)

import pprint import json

imported = pd.read_csv(“autots_forecast_template_gen.csv”) export = unpack_ensemble_models(imported, keep_ensemble=False, recursive=True) export[export[‘Ensemble’] < 1].to_json(“template.json”, orient=”records”) with open(“template.json”, “r”) as jsn:

json_temp = json.loads(jsn.read())

print(json_temp) with open(“template.txt”, “w”) as txt:

txt.write(json.dumps(json_temp, indent=4, sort_keys=False))

autots.templates.general.general_template_dict = {'1': {'Ensemble': 0, 'Model': 'ARIMA', 'ModelParameters': '{"p": 4, "d": 0, "q": 12, "regression_type": null}', 'TransformationParameters': '{"fillna": "cubic", "transformations": {"0": "bkfilter"}, "transformation_params": {"0": {}}}'}, '10': {'Ensemble': 0, 'Model': 'ETS', 'ModelParameters': '{"damped_trend": false, "trend": "additive", "seasonal": null, "seasonal_periods": null}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}}}'}, '11': {'Ensemble': 0, 'Model': 'ETS', 'ModelParameters': '{"damped_trend": false, "trend": null, "seasonal": "additive", "seasonal_periods": 7}', 'TransformationParameters': '{"fillna": "rolling_mean", "transformations": {"0": "ClipOutliers", "1": "Round", "2": "Detrend"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3, "fillna": null}, "1": {"model": "middle", "decimals": 0, "on_transform": false, "on_inverse": true}, "2": {"model": "GLS"}}}'}, '12': {'Ensemble': 0, 'Model': 'GLM', 'ModelParameters': '{"family": "Binomial", "constant": false, "regression_type": "datepart"}', 'TransformationParameters': '{"fillna": "ffill_mean_biased", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 4, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}}}'}, '13': {'Ensemble': 0, 'Model': 'GLM', 'ModelParameters': '{"family": "Binomial", "constant": false, "regression_type": null}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer", "2": "QuantileTransformer"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}, "2": {"output_distribution": "uniform", "n_quantiles": 1000}}}'}, '14': {'Ensemble': 0, 'Model': 'GLS', 'ModelParameters': '{}', 'TransformationParameters': '{"fillna": "rolling_mean", "transformations": {"0": "RollingMeanTransformer", "1": "DifferencedTransformer", "2": "Detrend", "3": "Slice"}, "transformation_params": {"0": {"fixed": true, "window": 3}, "1": {}, "2": {"model": "Linear"}, "3": {"method": 100}}}'}, '15': {'Ensemble': 0, 'Model': 'GLS', 'ModelParameters': '{}', 'TransformationParameters': '{"fillna": "median", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer", "2": "RobustScaler", "3": "Round", "4": "MaxAbsScaler"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3.5, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}, "2": {}, "3": {"model": "middle", "decimals": 2, "on_transform": true, "on_inverse": true}, "4": {}}}'}, '16': {'Ensemble': 0, 'Model': 'GluonTS', 'ModelParameters': '{"gluon_model": "DeepAR", "epochs": 150, "learning_rate": 0.001, "context_length": 10}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "PowerTransformer", "1": "DifferencedTransformer", "2": "bkfilter"}, "transformation_params": {"0": {}, "1": {}, "2": {}}}'}, '17': {'Ensemble': 0, 'Model': 'GluonTS', 'ModelParameters': '{"gluon_model": "NPTS", "epochs": 20, "learning_rate": 0.001, "context_length": 10}', 'TransformationParameters': '{"fillna": "ffill_mean_biased", "transformations": {"0": "Detrend", "1": "DifferencedTransformer"}, "transformation_params": {"0": {"model": "Linear"}, "1": {}}}'}, '18': {'Ensemble': 0, 'Model': 'GluonTS', 'ModelParameters': '{"gluon_model": "WaveNet", "epochs": 40, "learning_rate": 0.001, "context_length": 10}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}}}'}, '19': {'Ensemble': 0, 'Model': 'GluonTS', 'ModelParameters': '{"gluon_model": "Transformer", "epochs": 40, "learning_rate": 0.001, "context_length": 10}', 'TransformationParameters': '{"fillna": "ffill_mean_biased", "transformations": {"0": "QuantileTransformer", "1": "MaxAbsScaler"}, "transformation_params": {"0": {"output_distribution": "uniform", "n_quantiles": 1000}, "1": {}}}'}, '20': {'Ensemble': 0, 'Model': 'GluonTS', 'ModelParameters': '{"gluon_model": "SFF", "epochs": 40, "learning_rate": 0.01, "context_length": 10}', 'TransformationParameters': '{"fillna": "ffill_mean_biased", "transformations": {"0": "QuantileTransformer"}, "transformation_params": {"0": {"output_distribution": "uniform", "n_quantiles": 1000}}}'}, '21': {'Ensemble': 0, 'Model': 'LastValueNaive', 'ModelParameters': '{}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "bkfilter", "1": "SinTrend", "2": "Detrend", "3": "PowerTransformer"}, "transformation_params": {"0": {}, "1": {}, "2": {"model": "Linear"}, "3": {}}}'}, '22': {'Ensemble': 0, 'Model': 'LastValueNaive', 'ModelParameters': '{}', 'TransformationParameters': '{"fillna": "rolling_mean_24", "transformations": {"0": "PositiveShift", "1": "SinTrend", "2": "bkfilter"}, "transformation_params": {"0": {}, "1": {}, "2": {}}}'}, '23': {'Ensemble': 0, 'Model': 'LastValueNaive', 'ModelParameters': '{}', 'TransformationParameters': '{"fillna": "fake_date", "transformations": {"0": "SeasonalDifference", "1": "SinTrend"}, "transformation_params": {"0": {"lag_1": 7, "method": "LastValue"}, "1": {}}}'}, '24': {'Ensemble': 0, 'Model': 'LastValueNaive', 'ModelParameters': '{}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 1, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}}}'}, '25': {'Ensemble': 0, 'Model': 'SeasonalNaive', 'ModelParameters': '{"method": "LastValue", "lag_1": 2, "lag_2": 7}', 'TransformationParameters': '{"fillna": "rolling_mean_24", "transformations": {"0": "SinTrend", "1": "Round", "2": "PowerTransformer"}, "transformation_params": {"0": {}, "1": {"model": "middle", "decimals": 2, "on_transform": false, "on_inverse": true}, "2": {}}}'}, '26': {'Ensemble': 0, 'Model': 'SeasonalNaive', 'ModelParameters': '{"method": "LastValue", "lag_1": 2, "lag_2": 1}', 'TransformationParameters': '{"fillna": "rolling_mean_24", "transformations": {"0": "SeasonalDifference", "1": "QuantileTransformer", "2": "Detrend"}, "transformation_params": {"0": {"lag_1": 12, "method": "Median"}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}, "2": {"model": "GLS"}}}'}, '27': {'Ensemble': 0, 'Model': 'SeasonalNaive', 'ModelParameters': '{"method": "LastValue", "lag_1": 7, "lag_2": 2}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "QuantileTransformer", "1": "ClipOutliers"}, "transformation_params": {"0": {"output_distribution": "uniform", "n_quantiles": 1000}, "1": {"method": "clip", "std_threshold": 2, "fillna": null}}}'}, '28': {'Ensemble': 0, 'Model': 'UnobservedComponents', 'ModelParameters': '{"level": true, "trend": false, "cycle": true, "damped_cycle": true, "irregular": true, "stochastic_trend": false, "stochastic_level": true, "stochastic_cycle": true, "regression_type": "Holiday"}', 'TransformationParameters': '{"fillna": "fake_date", "transformations": {"0": "PositiveShift", "1": "Detrend", "2": "bkfilter", "3": "DifferencedTransformer"}, "transformation_params": {"0": {}, "1": {"model": "Linear"}, "2": {}, "3": {}}}'}, '29': {'Ensemble': 0, 'Model': 'UnobservedComponents', 'ModelParameters': '{"level": false, "trend": false, "cycle": true, "damped_cycle": false, "irregular": false, "stochastic_trend": false, "stochastic_level": true, "stochastic_cycle": false, "regression_type": null}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer", "2": "RobustScaler"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}, "2": {}}}'}, '3': {'Ensemble': 0, 'Model': 'AverageValueNaive', 'ModelParameters': '{"method": "Mean"}', 'TransformationParameters': '{"fillna": "fake_date", "transformations": {"0": "DifferencedTransformer", "1": "SinTrend"}, "transformation_params": {"0": {}, "1": {}}}'}, '30': {'Ensemble': 0, 'Model': 'UnobservedComponents', 'ModelParameters': '{"level": true, "trend": false, "cycle": false, "damped_cycle": false, "irregular": false, "stochastic_trend": false, "stochastic_level": true, "stochastic_cycle": true, "regression_type": null}', 'TransformationParameters': '{"fillna": "rolling_mean_24", "transformations": {"0": "ClipOutliers"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 5, "fillna": null}}}'}, '31': {'Ensemble': 0, 'Model': 'VAR', 'ModelParameters': '{"regression_type": null, "maxlags": 5, "ic": "fpe"}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}}}'}, '32': {'Ensemble': 0, 'Model': 'VAR', 'ModelParameters': '{"regression_type": null, "maxlags": 15, "ic": "aic"}', 'TransformationParameters': '{"fillna": "zero", "transformations": {"0": "RollingMeanTransformer", "1": "QuantileTransformer", "2": "RollingMeanTransformer"}, "transformation_params": {"0": {"fixed": true, "window": 10}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}, "2": {"fixed": false, "window": 10}}}'}, '33': {'Ensemble': 0, 'Model': 'VECM', 'ModelParameters': '{"deterministic": "cili", "k_ar_diff": 2, "regression_type": null}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "ClipOutliers", "1": "Detrend", "2": "Detrend", "3": "PowerTransformer"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3, "fillna": null}, "1": {"model": "GLS"}, "2": {"model": "Linear"}, "3": {}}}'}, '34': {'Ensemble': 0, 'Model': 'VECM', 'ModelParameters': '{"deterministic": "li", "k_ar_diff": 3, "regression_type": null}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer", "2": "Detrend"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}, "2": {"model": "Linear"}}}'}, '35': {'Ensemble': 0, 'Model': 'WindowRegression', 'ModelParameters': '{"window_size": 10, "regression_model": {"model": "MLP", "model_params": {"hidden_layer_sizes": [72, 36, 72], "max_iter": 250, "activation": "relu", "solver": "lbfgs", "early_stopping": false, "learning_rate_init": 0.001}}, "input_dim": "univariate", "output_dim": "forecast_length", "normalize_window": false, "shuffle": true, "max_windows": 5000}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "QuantileTransformer", "1": "MinMaxScaler", "2": "RobustScaler"}, "transformation_params": {"0": {"output_distribution": "uniform", "n_quantiles": 100}, "1": {}, "2": {}}}'}, '36': {'Ensemble': 0, 'Model': 'ConstantNaive', 'ModelParameters': '{}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "PowerTransformer", "1": "QuantileTransformer", "2": "SeasonalDifference"}, "transformation_params": {"0": {}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}, "2": {"lag_1": 7, "method": "LastValue"}}}'}, '37': {'Ensemble': 0, 'Model': 'FBProphet', 'ModelParameters': '{"holiday": true, "regression_type": null, "growth": "linear", "n_changepoints": 30, "changepoint_prior_scale": 0.05, "seasonality_mode": "additive", "changepoint_range": 0.98, "seasonality_prior_scale": 10.0, "holidays_prior_scale": 10.0}', 'TransformationParameters': '{"fillna": "quadratic", "transformations": {"0": "QuantileTransformer", "1": "Slice", "2": "SeasonalDifference", "3": "Round"}, "transformation_params": {"0": {"output_distribution": "normal", "n_quantiles": 1000}, "1": {"method": 0.5}, "2": {"lag_1": 7, "method": "LastValue"}, "3": {"decimals": -1, "on_transform": false, "on_inverse": true}}}'}, '38': {'Ensemble': 0, 'Model': 'GluonTS', 'ModelParameters': '{"gluon_model": "Transformer", "epochs": 80, "learning_rate": 0.01, "context_length": "1ForecastLength", "regression_type": null}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "QuantileTransformer", "1": "MaxAbsScaler"}, "transformation_params": {"0": {"output_distribution": "normal", "n_quantiles": 20}, "1": {}}}'}, '39': {'Ensemble': 0, 'Model': 'MultivariateRegression', 'ModelParameters': '{"regression_model": {"model": "RandomForest", "model_params": {"n_estimators": 200, "min_samples_leaf": 1, "bootstrap": true}}, "mean_rolling_periods": 12, "macd_periods": 94, "std_rolling_periods": null, "max_rolling_periods": null, "min_rolling_periods": 7, "quantile90_rolling_periods": 10, "quantile10_rolling_periods": 30, "ewm_alpha": 0.1, "ewm_var_alpha": 0.2, "additional_lag_periods": null, "abs_energy": false, "rolling_autocorr_periods": null, "datepart_method": null, "polynomial_degree": null, "regression_type": null, "window": null, "holiday": true, "probabilistic": false}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "QuantileTransformer", "1": "MaxAbsScaler", "2": "Detrend"}, "transformation_params": {"0": {"output_distribution": "normal", "n_quantiles": 20}, "1": {}, "2": {"model": "Linear", "phi": 1, "window": null}}}'}, '4': {'Ensemble': 0, 'Model': 'AverageValueNaive', 'ModelParameters': '{"method": "Mean"}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer", "2": "DifferencedTransformer"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}, "2": {}}}'}, '40': {'Ensemble': 0, 'Model': 'MultivariateRegression', 'ModelParameters': '{"regression_model": {"model": "LightGBM", "model_params": {"objective": "regression", "learning_rate": 0.1, "num_leaves": 70, "max_depth": -1, "boosting_type": "gbdt", "n_estimators": 100}}, "mean_rolling_periods": 12, "macd_periods": null, "std_rolling_periods": 30, "max_rolling_periods": null, "min_rolling_periods": 28, "quantile90_rolling_periods": 10, "quantile10_rolling_periods": null, "ewm_alpha": null, "ewm_var_alpha": null, "additional_lag_periods": null, "abs_energy": false, "rolling_autocorr_periods": null, "datepart_method": null, "polynomial_degree": null, "regression_type": "User", "window": 3, "holiday": false, "probabilistic": false}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "QuantileTransformer", "1": "MaxAbsScaler", "2": "Detrend"}, "transformation_params": {"0": {"output_distribution": "normal", "n_quantiles": 20}, "1": {}, "2": {"model": "Linear", "phi": 1, "window": null}}}'}, '41': {'Ensemble': 0, 'Model': 'DatepartRegression', 'ModelParameters': '{"regression_model": {"model": "ExtraTrees", "model_params": {"n_estimators": 500, "min_samples_leaf": 1, "max_depth": 10}}, "datepart_method": "expanded", "polynomial_degree": null, "regression_type": "User"}', 'TransformationParameters': '{"fillna": "zero", "transformations": {"0": "MaxAbsScaler", "1": "MinMaxScaler"}, "transformation_params": {"0": {}, "1": {}}}'}, '42': {'Ensemble': 0, 'Model': 'SeasonalNaive', 'ModelParameters': '{"method": "lastvalue", "lag_1": 364, "lag_2": 28}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "SeasonalDifference", "1": "MaxAbsScaler", "2": "Round"}, "transformation_params": {"0": {"lag_1": 7, "method": "LastValue"}, "1": {}, "2": {"decimals": 0, "on_transform": false, "on_inverse": true}}}'}, '43': {'Ensemble': 0, 'Model': 'DatepartRegression', 'ModelParameters': '{"regression_model": {"model": "ExtraTrees", "model_params": {"n_estimators": 100, "min_samples_leaf": 1, "max_depth": null}}, "datepart_method": "recurring", "polynomial_degree": null, "regression_type": null}', 'TransformationParameters': '{"fillna": "zero", "transformations": {"0": "MaxAbsScaler"}, "transformation_params": {"0": {}}}'}, '44': {'Ensemble': 0, 'Model': 'UnobservedComponents', 'ModelParameters': '{"level": false, "maxiter": 100, "cov_type": "opg", "method": "lbfgs", "autoregressive": null, "regression_type": "Holiday"}', 'TransformationParameters': '{"fillna": "median", "transformations": {"0": "Slice", "1": "SeasonalDifference"}, "transformation_params": {"0": {"method": 0.2}, "1": {"lag_1": 7, "method": "LastValue"}}}'}, '45': {'Ensemble': 0, 'Model': 'UnobservedComponents', 'ModelParameters': '{"level": "random walk with drift", "maxiter": 50, "cov_type": "opg", "method": "lbfgs", "autoregressive": null, "regression_type": "Holiday"}', 'TransformationParameters': '{"fillna": "rolling_mean_24", "transformations": {"0": "QuantileTransformer", "1": "SeasonalDifference"}, "transformation_params": {"0": {"output_distribution": "normal", "n_quantiles": 20}, "1": {"lag_1": 7, "method": "LastValue"}}}'}, '46': {'Ensemble': 0, 'Model': 'ETS', 'ModelParameters': '{"damped_trend": false, "trend": null, "seasonal": "additive", "seasonal_periods": 28}', 'TransformationParameters': '{"fillna": "zero", "transformations": {"0": "MaxAbsScaler", "1": "Slice"}, "transformation_params": {"0": {}, "1": {"method": 100}}}'}, '47': {'Ensemble': 0, 'Model': 'VECM', 'ModelParameters': '{"deterministic": "n", "k_ar_diff": 2, "regression_type": null}', 'TransformationParameters': '{"fillna": "rolling_mean", "transformations": {"0": "PCA", "1": "Detrend", "2": "HPFilter"}, "transformation_params": {"0": {}, "1": {"model": "GLS", "phi": 1, "window": null}, "2": {"part": "trend", "lamb": 129600}}}'}, '48': {'Ensemble': 0, 'Model': 'ARDL', 'ModelParameters': '{"lags": 4, "trend": "n", "order": 1, "regression_type": "holiday"}', 'TransformationParameters': '{"fillna": "fake_date", "transformations": {"0": "IntermittentOccurrence"}, "transformation_params": {"0": {"center": "mean"}}}'}, '49': {'Ensemble': 0, 'Model': 'MultivariateMotif', 'ModelParameters': '{"window": 10, "point_method": "median", "distance_metric": "mahalanobis", "k": 20, "max_windows": null}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "QuantileTransformer", "1": "QuantileTransformer", "2": "Detrend"}, "transformation_params": {"0": {"output_distribution": "normal", "n_quantiles": 20}, "1": {"output_distribution": "normal", "n_quantiles": 1000}, "2": {"model": "Linear", "phi": 1, "window": null}}}'}, '5': {'Ensemble': 0, 'Model': 'AverageValueNaive', 'ModelParameters': '{"method": "Mean"}', 'TransformationParameters': '{"fillna": "rolling_mean_24", "transformations": {"0": "SeasonalDifference", "1": "Round", "2": "Detrend"}, "transformation_params": {"0": {"lag_1": 7, "method": "Mean"}, "1": {"model": "middle", "decimals": 2, "on_transform": true, "on_inverse": false}, "2": {"model": "GLS"}}}'}, '50': {'Ensemble': 0, 'Model': 'MultivariateMotif', 'ModelParameters': '{"window": 10, "point_method": "median", "distance_metric": "sqeuclidean", "k": 10, "max_windows": 10000}', 'TransformationParameters': '{"fillna": "rolling_mean", "transformations": {"0": "Detrend", "1": "bkfilter", "2": "Detrend"}, "transformation_params": {"0": {"model": "GLS", "phi": 1, "window": null}, "1": {}, "2": {"model": "Linear", "phi": 1, "window": null}}}'}, '51': {'Ensemble': 0, 'Model': 'UnivariateMotif', 'ModelParameters': '{"window": 60, "point_method": "median", "distance_metric": "canberra", "k": 10, "max_windows": 10000}', 'TransformationParameters': '{"fillna": "KNNImputer", "transformations": {"0": "QuantileTransformer", "1": "SeasonalDifference", "2": "MaxAbsScaler"}, "transformation_params": {"0": {"output_distribution": "uniform", "n_quantiles": 100}, "1": {"lag_1": 7, "method": "Mean"}, "2": {}}}'}, '52': {'Ensemble': 0, 'Model': 'UnivariateMotif', 'ModelParameters': '{"window": 14, "point_method": "median", "distance_metric": "minkowski", "k": 5, "max_windows": 10000}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "QuantileTransformer", "1": "SeasonalDifference"}, "transformation_params": {"0": {"output_distribution": "normal", "n_quantiles": 20}, "1": {"lag_1": 7, "method": "LastValue"}}}'}, '53': {'Ensemble': 0, 'Model': 'SectionalMotif', 'ModelParameters': '{"window": 10, "point_method": "weighted_mean", "distance_metric": "sokalmichener", "include_differenced": true, "k": 20, "stride_size": 1, "regression_type": null}', 'TransformationParameters': '{"fillna": "zero", "transformations": {"0": null}, "transformation_params": {"0": {}}}'}, '54': {'Ensemble': 0, 'Model': 'SectionalMotif', 'ModelParameters': '{"window": 5, "point_method": "midhinge", "distance_metric": "canberra", "include_differenced": false, "k": 10, "stride_size": 1, "regression_type": null}', 'TransformationParameters': '{"fillna": "rolling_mean_24", "transformations": {"0": "QuantileTransformer", "1": "QuantileTransformer", "2": "RobustScaler"}, "transformation_params": {"0": {"output_distribution": "uniform", "n_quantiles": 1000}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}, "2": {}}}'}, '55': {'Ensemble': 0, 'Model': 'MultivariateRegression', 'ModelParameters': '{"regression_model": {"model": "DecisionTree", "model_params": {"max_depth": null, "min_samples_split": 2}}, "mean_rolling_periods": 30, "macd_periods": 7, "std_rolling_periods": 90, "max_rolling_periods": null, "min_rolling_periods": null, "quantile90_rolling_periods": 10, "quantile10_rolling_periods": 90, "ewm_alpha": null, "ewm_var_alpha": null, "additional_lag_periods": null, "abs_energy": false, "rolling_autocorr_periods": null, "datepart_method": "recurring", "polynomial_degree": null, "regression_type": null, "window": 10, "holiday": true, "probabilistic": false}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "QuantileTransformer", "1": "SeasonalDifference", "2": "Detrend"}, "transformation_params": {"0": {"output_distribution": "normal", "n_quantiles": 20}, "1": {"lag_1": 7, "method": "LastValue"}, "2": {"model": "Linear", "phi": 1, "window": null}}}'}, '56': {'Ensemble': 0, 'Model': 'FBProphet', 'ModelParameters': '{"holiday": true, "regression_type": null, "growth": "linear", "n_changepoints": 25, "changepoint_prior_scale": 30, "seasonality_mode": "multiplicative", "changepoint_range": 0.9, "seasonality_prior_scale": 10.0, "holidays_prior_scale": 10.0}', 'TransformationParameters': '{"fillna": "zero", "transformations": {"0": "Slice"}, "transformation_params": {"0": {"method": 0.5}}}'}, '57': {'Ensemble': 0, 'Model': 'SeasonalNaive', 'ModelParameters': '{"method": "lastvalue", "lag_1": 364, "lag_2": 30}', 'TransformationParameters': '{"fillna": "fake_date", "transformations": {"0": "SeasonalDifference", "1": "MaxAbsScaler", "2": "Round"}, "transformation_params": {"0": {"lag_1": 7, "method": "LastValue"}, "1": {}, "2": {"decimals": 0, "on_transform": false, "on_inverse": true}}}'}, '58': {'Ensemble': 0, 'Model': 'DatepartRegression', 'ModelParameters': '{"regression_model": {"model": "RandomForest", "model_params": {"n_estimators": 100, "min_samples_leaf": 2, "bootstrap": true}}, "datepart_method": "expanded", "polynomial_degree": null, "regression_type": null}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "QuantileTransformer", "1": "Detrend", "2": "RobustScaler"}, "transformation_params": {"0": {"output_distribution": "normal", "n_quantiles": 20}, "1": {"model": "Linear", "phi": 1, "window": null}, "2": {}}}'}, '59': {'Ensemble': 0, 'Model': 'NVAR', 'ModelParameters': '{"k": 1, "ridge_param": 0.002, "warmup_pts": 1, "seed_pts": 1, "seed_weighted": null, "batch_size": 5, "batch_method": "input_order"}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "MinMaxScaler"}, "transformation_params": {"0": {}}}'}, '6': {'Ensemble': 0, 'Model': 'DatepartRegression', 'ModelParameters': '{"regression_model": {"model": "DecisionTree", "model_params": {"max_depth": 3, "min_samples_split": 2}}, "datepart_method": "recurring", "regression_type": null}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer", "2": "DifferencedTransformer"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}, "2": {}}}'}, '60': {'Ensemble': 0, 'Model': 'Theta', 'ModelParameters': '{"deseasonalize": true, "difference": false, "use_test": false, "method": "auto", "period": null, "theta": 2.5, "use_mle": true}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "Detrend"}, "transformation_params": {"0": {"model": "Linear", "phi": 1, "window": 90}}}'}, '61': {'Ensemble': 0, 'Model': 'RollingRegression', 'ModelParameters': '{"regression_model": {"model": "ExtraTrees", "model_params": {"n_estimators": 100, "min_samples_leaf": 1, "max_depth": 10}}, "holiday": false, "mean_rolling_periods": null, "macd_periods": null, "std_rolling_periods": null, "max_rolling_periods": null, "min_rolling_periods": 7, "ewm_var_alpha": null, "quantile90_rolling_periods": null, "quantile10_rolling_periods": null, "ewm_alpha": null, "additional_lag_periods": 95, "abs_energy": true, "rolling_autocorr_periods": null, "add_date_part": "expanded", "polynomial_degree": null, "x_transform": null, "regression_type": "User"}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "MaxAbsScaler"}, "transformation_params": {"0": {}}}'}, '62': {'Ensemble': 0, 'Model': 'UnivariateRegression', 'ModelParameters': '{"regression_model": {"model": "DecisionTree", "model_params": {"max_depth": null, "min_samples_split": 1.0}}, "holiday": false, "mean_rolling_periods": null, "macd_periods": null, "std_rolling_periods": null, "max_rolling_periods": 12, "min_rolling_periods": 58, "ewm_var_alpha": null, "ewm_alpha": 0.5, "additional_lag_periods": 363, "abs_energy": false, "rolling_autocorr_periods": null, "add_date_part": "simple_2_poly", "polynomial_degree": null, "x_transform": null, "regression_type": null, "window": null}', 'TransformationParameters': '{"fillna": "rolling_mean", "transformations": {"0": "MaxAbsScaler", "1": "SeasonalDifference", "2": "Round"}, "transformation_params": {"0": {}, "1": {"lag_1": 7, "method": "LastValue"}, "2": {"decimals": -2, "on_transform": false, "on_inverse": true}}}'}, '63': {'Ensemble': 0, 'Model': 'MotifSimulation', 'ModelParameters': '{"phrase_len": 10, "comparison": "magnitude_pct_change_sign", "shared": false, "distance_metric": "sokalmichener", "max_motifs": 0.2, "recency_weighting": 0.01, "cutoff_minimum": 20, "point_method": "median"}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "MaxAbsScaler", "1": "Detrend"}, "transformation_params": {"0": {}, "1": {"model": "Linear", "phi": 1, "window": null}}}'}, '64': {'Ensemble': 0, 'Model': 'DynamicFactor', 'ModelParameters': '{"k_factors": 0, "factor_order": 0, "regression_type": "User"}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "MaxAbsScaler", "1": "EWMAFilter", "2": "QuantileTransformer"}, "transformation_params": {"0": {}, "1": {"span": 3}, "2": {"output_distribution": "uniform", "n_quantiles": 1000}}}'}, '65': {'Ensemble': 0, 'Model': 'RollingRegression', 'ModelParameters': '{"regression_model": {"model": "ExtraTrees", "model_params": {"n_estimators": 100, "min_samples_leaf": 1, "max_depth": 10}}, "holiday": false, "mean_rolling_periods": null, "macd_periods": null, "std_rolling_periods": null, "max_rolling_periods": 420, "min_rolling_periods": 7, "ewm_var_alpha": null, "quantile90_rolling_periods": null, "quantile10_rolling_periods": null, "ewm_alpha": null, "additional_lag_periods": 363, "abs_energy": false, "rolling_autocorr_periods": null, "add_date_part": "expanded", "polynomial_degree": null, "x_transform": null, "regression_type": null}', 'TransformationParameters': '{"fillna": "ffill_mean_biased", "transformations": {"0": "RobustScaler"}, "transformation_params": {"0": {}}}'}, '66': {'Ensemble': 0, 'Model': 'ARCH', 'ModelParameters': '{"mean": "Zero", "lags": 1, "vol": "GARCH", "p": 4, "o": 1, "q": 2, "power": 1.5, "dist": "studentst", "rescale": true, "simulations": 1000, "maxiter": 200, "regression_type": null}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "SeasonalDifference"}, "transformation_params": {"0": {"lag_1": 7, "method": "LastValue"}}}'}, '67': {'Ensemble': 0, 'Model': 'Cassandra', 'ModelParameters': '{\n            "preprocessing_transformation": {"fillna": "ffill", "transformations": {"0": "ClipOutliers"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3.5, "fillna": null}}}, \n            "scaling": {"fillna": null, "transformations": {"0": "QuantileTransformer"}, "transformation_params": {"0": {"output_distribution": "uniform", "n_quantiles": 308}}},\n            "past_impacts_intervention": null,\n            "seasonalities": ["month", "dayofweek", "weekdayofmonth"],\n            "ar_lags": null, "ar_interaction_seasonality": null,\n            "anomaly_detector_params": {"method": "zscore", "transform_dict": {"transformations": {"0": "DatepartRegression"}, "transformation_params": {"0": {"datepart_method": "simple_3", "regression_model": {"model": "ElasticNet", "model_params": {}}}}}, "method_params": {"distribution": "gamma", "alpha": 0.05}, "fillna": "rolling_mean_24"}, "anomaly_intervention": null,\n            "holiday_detector_params": {"threshold": 0.9, "splash_threshold": null, "use_dayofmonth_holidays": true, "use_wkdom_holidays": true, "use_wkdeom_holidays": false, "use_lunar_holidays": false, "use_lunar_weekday": false, "use_islamic_holidays": false, "use_hebrew_holidays": false, "anomaly_detector_params": {"method": "IQR", "transform_dict": {"fillna": "rolling_mean_24", "transformations": {"0": "bkfilter", "1": "PCA"}, "transformation_params": {"0": {}, "1": {"whiten": true}}}, "method_params": {"iqr_threshold": 2.0, "iqr_quantiles": [0.25, 0.75]}, "fillna": "linear"}, "remove_excess_anomalies": false, "impact": null, "regression_params": null, "output": "multivariate"},\n            "holiday_countries_used": false,\n            "multivariate_feature": null, "multivariate_transformation": null, "regressor_transformation": null,\n            "regressors_used": false, "linear_model": {"model": "linalg_solve", "lambda": 0.1, "recency_weighting": 0.1}, "randomwalk_n": 10, "trend_window": 90,\n            "trend_standin": null,\n            "trend_anomaly_detector_params": {"method": "zscore", "transform_dict": {"transformations": {"0": "DifferencedTransformer"}, "transformation_params": {"0": {}}}, "method_params": {"distribution": "norm", "alpha": 0.05}, "fillna": "rolling_mean_24"},\n            "trend_transformation": {"fillna": "ffill_mean_biased", "transformations": {"0": "bkfilter"}, "transformation_params": {"0": {}}},\n            "trend_model": {"Model": "MetricMotif", "ModelParameters": {"window": 7, "point_method": "mean", "distance_metric": "mae", "k": 10, "comparison_transformation": {"fillna": "quadratic", "transformations": {"0": null}, "transformation_params": {"0": {}}}, "combination_transformation": {"fillna": "ffill", "transformations": {"0": "AlignLastValue"}, "transformation_params": {"0": {"rows": 1, "lag": 1, "method": "additive", "strength": 1.0, "first_value_only": false}}}}},\n            "trend_phi": null\n        }', 'TransformationParameters': '{"fillna": null, "transformations": {}, "transformation_params": {}}'}, '68': {'Ensemble': 0, 'Model': 'SeasonalityMotif', 'ModelParameters': '{"window": 5, "point_method": "weighted_mean", "distance_metric": "mae", "k": 10, "datepart_method": "common_fourier"}', 'TransformationParameters': '{"fillna": "nearest", "transformations": {"0": "AlignLastValue"}, "transformation_params": {"0": {"rows": 1, "lag": 1, "method": "multiplicative", "strength": 1.0, "first_value_only": false}}}'}, '69': {'Ensemble': 0, 'Model': 'TiDE', 'ModelParameters': '{\n            "learning_rate": 0.000999999, "transform": true,\n            "layer_norm": false, "holiday": false, "dropout_rate": 0.5,\n            "batch_size": 32, "hidden_size": 256, "num_layers": 1,\n            "hist_len": 21, "decoder_output_dim": 8, "final_decoder_hidden": 64,\n            "num_split": 4, "min_num_epochs": 5, "train_epochs": 40,\n            "epoch_len": null, "permute": true, "normalize": false\n        }', 'TransformationParameters': '\n        {"fillna": "ffill", "transformations": {"0": "AlignLastValue", "1": "Log", "2": "AlignLastValue", "3": "MinMaxScaler"}, "transformation_params": {"0": {"rows": 4, "lag": 1, "method": "additive", "strength": 1.0, "first_value_only": false}, "1": {}, "2": {"rows": 1, "lag": 1, "method": "additive", "strength": 1.0, "first_value_only": false}, "3": {}}}\n        '}, '7': {'Ensemble': 0, 'Model': 'DatepartRegression', 'ModelParameters': '{"regression_model": {"model": "SVM", "model_params": {}}, "datepart_method": "recurring", "regression_type": null}', 'TransformationParameters': '{"fillna": "zero", "transformations": {"0": "ClipOutliers", "1": "RollingMeanTransformer", "2": "Detrend", "3": "QuantileTransformer"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3.5, "fillna": null}, "1": {"fixed": true, "window": 10}, "2": {"model": "Linear"}, "3": {"output_distribution": "uniform", "n_quantiles": 1000}}}'}, '70': {'Ensemble': 0, 'Model': 'Cassandra', 'ModelParameters': '{"preprocessing_transformation": {"fillna": "ffill", "transformations": {"0": "SeasonalDifference", "1": "SeasonalDifference"}, "transformation_params": {"0": {"lag_1": 12, "method": "Median"}, "1": {"lag_1": 7, "method": "LastValue"}}}, "scaling": "BaseScaler", "past_impacts_intervention": null, "seasonalities": ["dayofmonthofyear", "weekend"], "ar_lags": null, "ar_interaction_seasonality": null, "anomaly_detector_params": {"method": "zscore", "method_params": {"distribution": "norm", "alpha": 0.05}, "fillna": "rolling_mean_24", "transform_dict": {"transformations": {"0": "DatepartRegression"}, "transformation_params": {"0": {"datepart_method": "simple_3", "regression_model": {"model": "DecisionTree", "model_params": {"max_depth": null, "min_samples_split": 0.1}}}}}}, "anomaly_intervention": "remove", "holiday_detector_params": {"threshold": 0.8, "splash_threshold": 0.85, "use_dayofmonth_holidays": true, "use_wkdom_holidays": true, "use_wkdeom_holidays": false, "use_lunar_holidays": false, "use_lunar_weekday": false, "use_islamic_holidays": false, "use_hebrew_holidays": false, "anomaly_detector_params": {"method": "mad", "method_params": {"distribution": "norm", "alpha": 0.05}, "fillna": "fake_date", "transform_dict": {"fillna": null, "transformations": {"0": "EWMAFilter"}, "transformation_params": {"0": {"span": 7}}}}, "remove_excess_anomalies": false, "impact": null, "regression_params": null, "output": "multivariate"}, "holiday_countries_used": false, "multivariate_feature": null, "multivariate_transformation": null, "regressor_transformation": null, "regressors_used": false, "linear_model": {"model": "lstsq", "lambda": 1, "recency_weighting": null}, "randomwalk_n": 10, "trend_window": 15, "trend_standin": "rolling_trend", "trend_anomaly_detector_params": {"method": "nonparametric", "method_params": {"p": null, "z_init": 1.5, "z_limit": 12, "z_step": 0.25, "inverse": false, "max_contamination": 0.25, "mean_weight": 25, "sd_weight": 25, "anomaly_count_weight": 1.0}, "fillna": "ffill", "transform_dict": {"fillna": "time", "transformations": {"0": "MinMaxScaler"}, "transformation_params": {"0": {}}}}, "trend_transformation": {"fillna": "ffill", "transformations": {"0": "AlignLastDiff", "1": "HPFilter"}, "transformation_params": {"0": {"rows": 1, "displacement_rows": 1, "quantile": 0.7, "decay_span": 3}, "1": {"part": "trend", "lamb": 129600}}}, "trend_model": {"Model": "LastValueNaive", "ModelParameters": {}}, "trend_phi": null}', 'TransformationParameters': '{"fillna": "linear", "transformations": {"0": "Round"}, "transformation_params": {"0": {"decimals": 0, "on_transform": true, "on_inverse": true}}}'}, '71': {'Ensemble': 0, 'Model': 'Cassandra', 'ModelParameters': '{"preprocessing_transformation": {"fillna": "mean", "transformations": {"0": "ClipOutliers", "1": "bkfilter"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3.5, "fillna": null}, "1": {}}}, "scaling": "BaseScaler", "past_impacts_intervention": null, "seasonalities": [7, 365.25], "ar_lags": [7], "ar_interaction_seasonality": null, "anomaly_detector_params": null, "anomaly_intervention": null, "holiday_detector_params": {"threshold": 0.9, "splash_threshold": null, "use_dayofmonth_holidays": true, "use_wkdom_holidays": true, "use_wkdeom_holidays": false, "use_lunar_holidays": false, "use_lunar_weekday": false, "use_islamic_holidays": false, "use_hebrew_holidays": true, "anomaly_detector_params": {"method": "mad", "method_params": {"distribution": "norm", "alpha": 0.05}, "fillna": "rolling_mean_24", "transform_dict": {"fillna": null, "transformations": {"0": "EWMAFilter"}, "transformation_params": {"0": {"span": 7}}}}, "remove_excess_anomalies": false, "impact": null, "regression_params": null, "output": "multivariate"}, "holiday_countries_used": true, "multivariate_feature": null, "multivariate_transformation": null, "regressor_transformation": null, "regressors_used": false, "linear_model": {"model": "linalg_solve", "lambda": 1, "recency_weighting": 0.1}, "randomwalk_n": null, "trend_window": 365, "trend_standin": "rolling_trend", "trend_anomaly_detector_params": {"method": "mad", "method_params": {"distribution": "uniform", "alpha": 0.05}, "fillna": "rolling_mean_24", "transform_dict": {"fillna": null, "transformations": {"0": "EWMAFilter"}, "transformation_params": {"0": {"span": 7}}}}, "trend_transformation": {"fillna": "nearest", "transformations": {"0": "StandardScaler", "1": "AnomalyRemoval"}, "transformation_params": {"0": {}, "1": {"method": "IQR", "transform_dict": {"fillna": null, "transformations": {"0": "ClipOutliers"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 6}}}, "method_params": {"iqr_threshold": 2.5, "iqr_quantiles": [0.25, 0.75]}, "fillna": "ffill"}}}, "trend_model": {"Model": "SectionalMotif", "ModelParameters": {"window": 50, "point_method": "mean", "distance_metric": "dice", "include_differenced": true, "k": 5, "stride_size": 1, "regression_type": null}}, "trend_phi": null}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "EWMAFilter", "1": "LevelShiftTransformer", "2": "StandardScaler", "3": "DatepartRegression"}, "transformation_params": {"0": {"span": 7}, "1": {"window_size": 7, "alpha": 2.0, "grouping_forward_limit": 2, "max_level_shifts": 5, "alignment": "average"}, "2": {}, "3": {"regression_model": {"model": "ElasticNet", "model_params": {}}, "datepart_method": "recurring", "polynomial_degree": null, "transform_dict": {"fillna": null, "transformations": {"0": "ScipyFilter"}, "transformation_params": {"0": {"method": "savgol_filter", "method_args": {"window_length": 31, "polyorder": 3, "deriv": 0, "mode": "interp"}}}}, "holiday_countries_used": false}}}'}, '72': {'Ensemble': 0, 'Model': 'NeuralForecast', 'ModelParameters': '{"model": "MLP", "scaler_type": "minmax", "loss": "MQLoss", "learning_rate": 0.001, "max_steps": 100, "input_size": 28, "model_args": {"num_layers": 1, "hidden_size": 2560}, "regression_type": null}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer", "2": "SeasonalDifference", "3": "RobustScaler", "4": "ClipOutliers", "5": "MaxAbsScaler"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3.5, "fillna": null}, "1": {"output_distribution": "normal", "n_quantiles": 100}, "2": {"lag_1": 7, "method": "Mean"}, "3": {}, "4": {"method": "clip", "std_threshold": 4, "fillna": null}, "5": {}}}'}, '73': {'Ensemble': 0, 'Model': 'Cassandra', 'ModelParameters': '{"preprocessing_transformation": {"fillna": "ffill", "transformations": {"0": "RobustScaler", "1": "SeasonalDifference"}, "transformation_params": {"0": {}, "1": {"lag_1": 7, "method": "LastValue"}}}, "scaling": {"fillna": null, "transformations": {"0": "StandardScaler"}, "transformation_params": {"0": {}}}, "past_impacts_intervention": null, "seasonalities": ["simple_binarized"], "ar_lags": null, "ar_interaction_seasonality": null, "anomaly_detector_params": null, "anomaly_intervention": null, "holiday_detector_params": {"threshold": 1.0, "splash_threshold": null, "use_dayofmonth_holidays": true, "use_wkdom_holidays": true, "use_wkdeom_holidays": false, "use_lunar_holidays": true, "use_lunar_weekday": false, "use_islamic_holidays": false, "use_hebrew_holidays": false, "anomaly_detector_params": {"method": "zscore", "method_params": {"distribution": "norm", "alpha": 0.05}, "fillna": "mean", "transform_dict": null, "isolated_only": false}, "remove_excess_anomalies": false, "impact": null, "regression_params": null, "output": "multivariate"}, "holiday_countries_used": false, "multivariate_feature": null, "multivariate_transformation": null, "regressor_transformation": {"fillna": "nearest", "transformations": {"0": "AlignLastDiff"}, "transformation_params": {"0": {"rows": 7, "displacement_rows": 7, "quantile": 1.0, "decay_span": 2}}}, "regressors_used": true, "linear_model": {"model": "lstsq", "lambda": null, "recency_weighting": null}, "randomwalk_n": 10, "trend_window": 3, "trend_standin": null, "trend_anomaly_detector_params": null, "trend_transformation": {"fillna": "pchip", "transformations": {"0": "ClipOutliers"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3.5, "fillna": null}}}, "trend_model": {"Model": "ARDL", "ModelParameters": {"lags": 1, "trend": "c", "order": 0, "causal": false, "regression_type": "holiday"}}, "trend_phi": null}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "MaxAbsScaler", "1": "FFTDecomposition", "2": "bkfilter"}, "transformation_params": {"0": {}, "1": {"n_harmonics": 10, "detrend": "linear"}, "2": {}}}'}, '74': {'Ensemble': 0, 'Model': 'DMD', 'ModelParameters': '{"rank": 10, "alpha": 1, "amplitude_threshold": null, "eigenvalue_threshold": null}', 'TransformationParameters': '{"fillna": "linear", "transformations": {"0": "HistoricValues", "1": "AnomalyRemoval", "2": "SeasonalDifference", "3": "AnomalyRemoval"},"transformation_params": {"0": {"window": 10}, "1": {"method": "zscore", "method_params": {"distribution": "norm", "alpha": 0.05}, "fillna": "ffill", "transform_dict": {"fillna": null, "transformations": {"0": "ClipOutliers"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 6}}}, "isolated_only": false}, "2": {"lag_1": 7, "method": "Mean"}, "3": {"method": "zscore", "method_params": {"distribution": "norm", "alpha": 0.05}, "fillna": "fake_date", "transform_dict": {"transformations": {"0": "DifferencedTransformer"}, "transformation_params": {"0": {}}}, "isolated_only": false}}}'}, '75': {'Ensemble': 0, 'Model': 'DMD', 'ModelParameters': '{"rank": 2, "alpha": 1, "amplitude_threshold": null, "eigenvalue_threshold": 1}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "SeasonalDifference", "1": "AlignLastValue", "2": "Round", "3": "Round", "4": "MinMaxScaler"}, "transformation_params": {"0": {"lag_1": 7, "method": "LastValue"}, "1": {"rows": 1, "lag": 1, "method": "additive", "strength": 1.0, "first_value_only": false}, "2": {"decimals": 0, "on_transform": false, "on_inverse": true}, "3": {"decimals": 0, "on_transform": false, "on_inverse": true}, "4": {}}}'}, '76': {'Ensemble': 0, 'Model': 'NVAR', 'ModelParameters': '{"k": 2, "ridge_param": 2e-06, "warmup_pts": 1, "seed_pts": 1, "seed_weighted": null, "batch_size": 5, "batch_method": "std_sorted"}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "HolidayTransformer", "1": "PositiveShift"}, "transformation_params": {"0": {"threshold": 0.9, "splash_threshold": null, "use_dayofmonth_holidays": true, "use_wkdom_holidays": true, "use_wkdeom_holidays": false, "use_lunar_holidays": false, "use_lunar_weekday": false, "use_islamic_holidays": false, "use_hebrew_holidays": false, "anomaly_detector_params": {"method": "rolling_zscore", "method_params": {"distribution": "uniform", "alpha": 0.03, "rolling_periods": 300, "center": true}, "fillna": "ffill", "transform_dict": {"fillna": "nearest", "transformations": {"0": null}, "transformation_params": {"0": {}}}, "isolated_only": false}, "remove_excess_anomalies": true, "impact": "datepart_regression", "regression_params": {"regression_model": {"model": "ElasticNet", "model_params": {"l1_ratio": 0.1, "fit_intercept": true, "selection": "cyclic"}}, "datepart_method": "simple", "polynomial_degree": null, "transform_dict": null, "holiday_countries_used": false}}, "1": {}}}'}, '77': {'Ensemble': 0, 'Model': 'BallTreeMultivariateMotif', 'ModelParameters': '{"window": 28, "point_method": "median", "distance_metric": "euclidean", "k": 15}', 'TransformationParameters': '{"fillna": "ffill_mean_biased", "transformations": {"0": "QuantileTransformer", "1": "QuantileTransformer", "2": "DatepartRegression"}, "transformation_params": \t{"0": {"output_distribution": "uniform", "n_quantiles": 1000}, "1": {"output_distribution": "normal", "n_quantiles": 100}, "2": {"regression_model": {"model": "ElasticNet", "model_params": {"l1_ratio": 0.1, "fit_intercept": true, "selection": "cyclic"}}, "datepart_method": "expanded", "polynomial_degree": null, "transform_dict": null, "holiday_countries_used": false}}}'}, '78': {'Ensemble': 0, 'Model': 'SectionalMotif', 'ModelParameters': '{"window": 7, "point_method": "median", "distance_metric": "canberra", "include_differenced": true, "k": 5, "stride_size": 1, "regression_type": null}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "SeasonalDifference", "1": "AlignLastValue", "2": "SeasonalDifference", "3": "LevelShiftTransformer"}, "transformation_params": {"0": {"lag_1": 7, "method": "Median"}, "1": {"rows": 1, "lag": 2, "method": "additive", "strength": 1.0, "first_value_only": false}, "2": {"lag_1": 12, "method": 5}, "3": {"window_size": 30, "alpha": 2.0, "grouping_forward_limit": 4, "max_level_shifts": 10, "alignment": "average"}}}'}, '79': {'Ensemble': 0, 'Model': 'FBProphet', 'ModelParameters': '{"holiday": {"threshold": 1.0, "splash_threshold": null, "use_dayofmonth_holidays": true, "use_wkdom_holidays": true, "use_wkdeom_holidays": false, "use_lunar_holidays": false, "use_lunar_weekday": false, "use_islamic_holidays": false, "use_hebrew_holidays": false, "anomaly_detector_params": {"method": "IQR", "transform_dict": {"fillna": "time", "transformations": {"0": "Slice"}, "transformation_params": {"0": {"method": 0.5}}}, "forecast_params": {"model_name": "RRVAR", "model_param_dict": {"method": "als", "rank": 0.2, "maxiter": 200}, "model_transform_dict": {"fillna": "mean", "transformations": {"0": "DifferencedTransformer", "1": "bkfilter", "2": "AlignLastValue", "3": "ClipOutliers", "4": "SeasonalDifference"}, "transformation_params": {"0": {"lag": 1, "fill": "zero"}, "1": {}, "2": {"rows": 1, "lag": 1, "method": "additive", "strength": 1.0, "first_value_only": false}, "3": {"method": "clip", "std_threshold": 2, "fillna": null}, "4": {"lag_1": 12, "method": "LastValue"}}}}, "method_params": {"iqr_threshold": 2.0, "iqr_quantiles": [0.4, 0.6]}}}, "regression_type": null, "growth": "linear", "n_changepoints": 10, "changepoint_prior_scale": 0.1, "seasonality_mode": "additive", "changepoint_range": 0.85, "seasonality_prior_scale": 0.01, "holidays_prior_scale": 10.0, "trend_phi": 1}', 'TransformationParameters': '{"fillna": "rolling_mean", "transformations": {"0": "SeasonalDifference", "1": "bkfilter", "2": "SeasonalDifference", "3": "LevelShiftTransformer", "4": "AlignLastDiff"}, "transformation_params": {"0": {"lag_1": 7, "method": "Median"}, "1": {}, "2": {"lag_1": 12, "method": 5}, "3": {"window_size": 90, "alpha": 3.0, "grouping_forward_limit": 4, "max_level_shifts": 10, "alignment": "rolling_diff_3nn"}, "4": {"rows": null, "displacement_rows": 1, "quantile": 1.0, "decay_span": null}}}'}, '8': {'Ensemble': 0, 'Model': 'DatepartRegression', 'ModelParameters': '{"regression_model": {"model": "MLP", "model_params": {"hidden_layer_sizes": [25, 15, 25], "max_iter": 1000, "activation": "tanh", "solver": "lbfgs", "early_stopping": false, "learning_rate_init": 0.001}}, "datepart_method": "recurring", "regression_type": null}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "ClipOutliers", "1": "QuantileTransformer"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 3, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}}}'}, '80': {'Ensemble': 0, 'Model': 'ARDL', 'ModelParameters': '{"lags": 3, "trend": "c", "order": 0, "causal": false, "regression_type": "simple_3"}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "ClipOutliers", "1": "Detrend"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 4.5, "fillna": null}, "1": {"model": "Linear", "phi": 1, "window": 90, "transform_dict": {"fillna": null, "transformations": {"0": "ClipOutliers"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 4}}}}}}'}, '81': {'Ensemble': 0, 'Model': 'FFT', 'ModelParameters': '{"n_harmonics": 4, "detrend": "linear"}', 'TransformationParameters': '{"fillna": "time", "transformations": {"0": "AlignLastValue"}, "transformation_params": {"0": {"rows": 1, "lag": 1, "method": "additive", "strength": 0.9, "first_value_only": false}}}'}, '82': {'Ensemble': 0, 'Model': 'BasicLinearModel', 'ModelParameters': '{"datepart_method": "simple_binarized", "changepoint_spacing": 360, "changepoint_distance_end": 360, "regression_type": null, "lambda_": 0.01}', 'TransformationParameters': '{"fillna": "ffill_mean_biased", "transformations": {"0": "Round", "1": "AlignLastValue", "2": "HistoricValues", "3": "ClipOutliers", "4": "bkfilter"}, "transformation_params": {"0": {"decimals": -1, "on_transform": true, "on_inverse": true}, "1": {"rows": 7, "lag": 1, "method": "additive", "strength": 0.2, "first_value_only": true, "threshold": null, "threshold_method": "mean"}, "2": {"window": 10}, "3": {"method": "clip", "std_threshold": 3, "fillna": null}, "4": {}}}'}, '83': {'Ensemble': 0, 'Model': 'BasicLinearModel', 'ModelParameters': '{"datepart_method": ["dayofweek", [365.25, 14]], "changepoint_spacing": 90, "changepoint_distance_end": 360, "regression_type": null, "lambda_": null, "trend_phi": 0.98}', 'TransformationParameters': '{"fillna": "piecewise_polynomial", "transformations": {"0": "AlignLastValue", "1": "IntermittentOccurrence", "2": "RobustScaler", "3": "Log"}, "transformation_params": {"0": {"rows": 1, "lag": 2, "method": "multiplicative", "strength": 0.9, "first_value_only": false, "threshold": 1, "threshold_method": "mean"}, "1": {"center": "mean"}, "2": {}, "3": {}}}'}, '84': {'Ensemble': 0, 'Model': 'Theta', 'ModelParameters': '{"deseasonalize": true, "difference": false, "use_test": true, "method": "auto", "period": null, "theta": 1.4, "use_mle": false}', 'TransformationParameters': '{"fillna": "quadratic", "transformations": {"0": "AlignLastValue", "1": "MinMaxScaler", "2": "HistoricValues", "3": "AlignLastValue"}, "transformation_params": {"0": {"rows": 7, "lag": 1, "method": "additive", "strength": 0.7, "first_value_only": false, "threshold": 10, "threshold_method": "max"}, "1": {}, "2": {"window": 10}, "3": {"rows": 1, "lag": 1, "method": "additive", "strength": 0.2, "first_value_only": false, "threshold": null, "threshold_method": "max"}}}'}, '85': {'Ensemble': 0, 'Model': 'MultivariateRegression', 'ModelParameters': '{"regression_model": {"model": "ExtraTrees", "model_params": {"n_estimators": 100, "min_samples_leaf": 1, "min_samples_split": 1.0, "max_depth": null, "criterion": "friedman_mse", "max_features": 1}}, "mean_rolling_periods": 12, "macd_periods": 2, "std_rolling_periods": null, "max_rolling_periods": 7, "min_rolling_periods": 364, "quantile90_rolling_periods": 10, "quantile10_rolling_periods": 5, "ewm_alpha": 0.2, "ewm_var_alpha": 0.5, "additional_lag_periods": null, "abs_energy": false, "rolling_autocorr_periods": null, "nonzero_last_n": null, "datepart_method": "recurring", "polynomial_degree": null, "regression_type": "User", "window": null, "holiday": false, "probabilistic": false, "scale_full_X": true, "cointegration": null, "cointegration_lag": 1, "series_hash": false, "frac_slice": null}', 'TransformationParameters': '{"fillna": "ffill_mean_biased", "transformations": {"0": "AlignLastValue", "1": "PositiveShift", "2": "AlignLastValue"}, "transformation_params": {"0": {"rows": 7, "lag": 1, "method": "additive", "strength": 0.7, "first_value_only": false, "threshold": 10, "threshold_method": "max"}, "1": {}, "2": {"rows": 1, "lag": 1, "method": "additive", "strength": 1.0, "first_value_only": false, "threshold": 10, "threshold_method": "max"}}}'}, '86': {'Ensemble': 0, 'Model': 'SeasonalityMotif', 'ModelParameters': '{"window": 5, "point_method": "trimmed_mean_40", "distance_metric": "mae", "k": 5, "datepart_method": ["simple_binarized_poly"], "independent": true}', 'TransformationParameters': '{"fillna": "rolling_mean", "transformations": {"0": "Constraint", "1": "QuantileTransformer", "2": "AlignLastValue"}, "transformation_params": {"0": {"constraint_method": "historic_diff", "constraint_direction": "lower", "constraint_regularization": 1.0, "constraint_value": 0.2, "bounds_only": false, "fillna": null}, "1": {"output_distribution": "uniform", "n_quantiles": 43}, "2": {"rows": 1, "lag": 1, "method": "additive", "strength": 0.2, "first_value_only": false, "threshold": null, "threshold_method": "max"}}}'}, '87': {'Ensemble': 0, 'Model': 'TVVAR', 'ModelParameters': '{"datepart_method": "expanded", "changepoint_spacing": 90, "changepoint_distance_end": 520, "regression_type": null, "lags": [7], "rolling_means": [4], "lambda_": 0.001, "trend_phi": 0.99, "var_dampening": 0.98, "phi": null, "max_cycles": 2000, "apply_pca": true, "base_scaled": false, "x_scaled": false, "var_preprocessing": {"fillna": "rolling_mean", "transformations": {"0": "FFTFilter"}, "transformation_params": {"0": {"cutoff": 0.4, "reverse": false, "on_transform": true, "on_inverse": false}}}, "threshold_value": null}', 'TransformationParameters': '{"fillna": "linear", "transformations": {"0": "QuantileTransformer", "1": "RobustScaler", "2": "PositiveShift", "3": "MinMaxScaler", "4": "AlignLastValue", "5": "ClipOutliers"}, "transformation_params": {"0": {"output_distribution": "normal", "n_quantiles": 100}, "1": {}, "2": {}, "3": {}, "4": {"rows": 1, "lag": 1, "method": "additive", "strength": 0.5, "first_value_only": false, "threshold": 1, "threshold_method": "max"}, "5": {"method": "clip", "std_threshold": 4, "fillna": null}}}'}, '88': {'Ensemble': 0, 'Model': 'TVVAR', 'ModelParameters': '{"datepart_method": "expanded", "changepoint_spacing": 6, "changepoint_distance_end": 520, "regression_type": null, "lags": [7], "rolling_means": [4], "lambda_": 0.001, "trend_phi": 0.99, "var_dampening": 0.98, "phi": null, "max_cycles": 2000, "apply_pca": true, "base_scaled": false, "x_scaled": false, "var_preprocessing": {"fillna": "rolling_mean", "transformations": {"0": "FFTFilter"}, "transformation_params": {"0": {"cutoff": 0.4, "reverse": false, "on_transform": true, "on_inverse": false}}}, "threshold_value": null}', 'TransformationParameters': '{"fillna": "linear", "transformations": {"0": "QuantileTransformer", "1": "RobustScaler", "2": "AlignLastValue", "3": "MinMaxScaler", "4": "MinMaxScaler"}, "transformation_params": {"0": {"output_distribution": "normal", "n_quantiles": 100}, "1": {}, "2": {"rows": 1, "lag": 1, "method": "additive", "strength": 0.2, "first_value_only": false, "threshold": 1, "threshold_method": "max"}, "3": {}, "4": {}}}'}, '89': {'Ensemble': 0, 'Model': 'BasicLinearModel', 'ModelParameters': '{"datepart_method": "recurring", "changepoint_spacing": 28, "changepoint_distance_end": 90, "regression_type": null, "lambda_": 0.01, "trend_phi": 0.98, "holiday_countries_used": true}', 'TransformationParameters': '{"fillna": "ffill", "transformations": {"0": "Slice", "1": "ClipOutliers", "2": "SeasonalDifference", "3": "LevelShiftTransformer", "4": "LevelShiftTransformer", "5": "PositiveShift"}, "transformation_params": {"0": {"method": 0.2}, "1": {"method": "clip", "std_threshold": 3, "fillna": null}, "2": {"lag_1": 12, "method": 5}, "3": {"window_size": 7, "alpha": 2.0, "grouping_forward_limit": 5, "max_level_shifts": 30, "alignment": "rolling_diff_3nn"}, "4": {"window_size": 7, "alpha": 2.0, "grouping_forward_limit": 5, "max_level_shifts": 30, "alignment": "rolling_diff_3nn"}, "5": {}}}'}, '9': {'Ensemble': 0, 'Model': 'DatepartRegression', 'ModelParameters': '{"regression_model": {"model": "KerasRNN", "model_params": {"kernel_initializer": "glorot_uniform", "epochs": 50, "batch_size": 32, "optimizer": "adam", "loss": "Huber", "hidden_layer_sizes": [32, 32, 32], "rnn_type": "GRU"}}, "datepart_method": "recurring", "regression_type": null}', 'TransformationParameters': '{"fillna": "mean", "transformations": {"0": "Round", "1": "QuantileTransformer", "2": "QuantileTransformer", "3": "QuantileTransformer", "4": "PowerTransformer"}, "transformation_params": {"0": {"model": "middle", "decimals": 1, "on_transform": true, "on_inverse": false}, "1": {"output_distribution": "uniform", "n_quantiles": 1000}, "2": {"output_distribution": "uniform", "n_quantiles": 20}, "3": {"output_distribution": "normal", "n_quantiles": 1000}, "4": {}}}'}, '90': {'Ensemble': 0, 'Model': 'PreprocessingExperts', 'ModelParameters': '{"point_method": "midhinge", "model_params": {"model_str": "MetricMotif", "parameter_dict": {"window": 7, "point_method": "median", "distance_metric": "canberra", "k": 5, "comparison_transformation": {"fillna": "akima", "transformations": {"0": "DifferencedTransformer"}, "transformation_params": {"0": {"lag": 1, "fill": "bfill"}}}, "combination_transformation": {"fillna": "quadratic", "transformations": {"0": "MinMaxScaler"}, "transformation_params": {"0": {}}}}, "transformation_dict": {"fillna": "pchip", "transformations": {"0": "MinMaxScaler", "1": "AlignLastValue"}, "transformation_params": {"0": {}, "1": {"rows": 1, "lag": 1, "method": "additive", "strength": 0.7, "first_value_only": false, "threshold": null, "threshold_method": "mean"}}}}, "transformation_dict": {"fillna": "time", "transformations": {"0": "DatepartRegression", "1": "SeasonalDifference", "2": "Detrend", "3": "QuantileTransformer", "4": "QuantileTransformer", "5": "ClipOutliers"}, "transformation_params": {"0": {"regression_model": {"model": "RandomForest", "model_params": {"n_estimators": 1000, "min_samples_leaf": 1, "bootstrap": true}}, "datepart_method": ["morlet_365.25_12_12", "ricker_7_7_1"], "polynomial_degree": null, "transform_dict": {"fillna": null, "transformations": {"0": "EWMAFilter"}, "transformation_params": {"0": {"span": 7}}}, "holiday_countries_used": true, "lags": null, "forward_lags": null}, "1": {"lag_1": 24, "method": "LastValue"}, "2": {"model": "Linear", "phi": 0.998, "window": null, "transform_dict": null}, "3": {"output_distribution": "normal", "n_quantiles": 537}, "4": {"output_distribution": "uniform", "n_quantiles": 1000}, "5": {"method": "remove", "std_threshold": 3.5, "fillna": "ffill"}}}}', 'TransformationParameters': '{"fillna": "time", "transformations": {"0": "DatepartRegression", "1": "SeasonalDifference", "2": "Detrend", "3": "QuantileTransformer", "4": "QuantileTransformer", "5": "ClipOutliers"}, "transformation_params": {"0": {"regression_model": {"model": "RandomForest", "model_params": {"n_estimators": 1000, "min_samples_leaf": 1, "bootstrap": true}}, "datepart_method": ["morlet_365.25_12_12", "ricker_7_7_1"], "polynomial_degree": null, "transform_dict": {"fillna": null, "transformations": {"0": "EWMAFilter"}, "transformation_params": {"0": {"span": 7}}}, "holiday_countries_used": true, "lags": null, "forward_lags": null}, "1": {"lag_1": 24, "method": "LastValue"}, "2": {"model": "Linear", "phi": 0.998, "window": null, "transform_dict": null}, "3": {"output_distribution": "normal", "n_quantiles": 537}, "4": {"output_distribution": "uniform", "n_quantiles": 1000}, "5": {"method": "remove", "std_threshold": 3.5, "fillna": "ffill"}}}'}, '91': {'Ensemble': 0, 'Model': 'PreprocessingExperts', 'ModelParameters': '{"point_method": "weighted_mean", "model_params": {"model_str": "SectionalMotif", "parameter_dict": {"window": 10, "point_method": "median", "distance_metric": "hamming", "include_differenced": true, "k": 20, "stride_size": 1, "regression_type": "User", "comparison_transformation": {"fillna": "ffill", "transformations": {"0": "DifferencedTransformer"}, "transformation_params": {"0": {"lag": 7, "fill": "bfill"}}}, "combination_transformation": null}, "transformation_dict": {"fillna": "akima", "transformations": {"0": "MinMaxScaler"}, "transformation_params": {"0": {}}}}, "transformation_dict": {"fillna": "fake_date", "transformations": {"0": "AlignLastValue", "1": "ClipOutliers", "2": "PowerTransformer", "3": "StandardScaler", "4": "Discretize", "5": "Discretize", "6": "bkfilter"}, "transformation_params": {"0": {"rows": 1, "lag": 1, "method": "additive", "strength": 1.0, "first_value_only": false, "threshold": null, "threshold_method": "mean"}, "1": {"method": "clip", "std_threshold": 3.5, "fillna": null}, "2": {}, "3": {}, "4": {"discretization": "upper", "n_bins": 10}, "5": {"discretization": "upper", "n_bins": 10}, "6": {}}}}', 'TransformationParameters': '{"fillna": "fake_date", "transformations": {"0": "AlignLastValue", "1": "ClipOutliers", "2": "PowerTransformer", "3": "StandardScaler", "4": "Discretize", "5": "Discretize", "6": "bkfilter"}, "transformation_params": {"0": {"rows": 1, "lag": 1, "method": "additive", "strength": 1.0, "first_value_only": false, "threshold": null, "threshold_method": "mean"}, "1": {"method": "clip", "std_threshold": 3.5, "fillna": null}, "2": {}, "3": {}, "4": {"discretization": "upper", "n_bins": 10}, "5": {"discretization": "upper", "n_bins": 10}, "6": {}}}'}, '92': {'Ensemble': 0, 'Model': 'PreprocessingRegression', 'ModelParameters': '{"window_size": 20, "max_history": 1000, "one_step": false, "normalize_window": false, "processed_y": true, "transformation_dict": {"fillna": "fake_date", "transformations": {"0": "SeasonalDifference", "1": "AlignLastValue", "2": "QuantileTransformer", "3": "AnomalyRemoval"}, "transformation_params": {"0": {"lag_1": 364, "method": "Mean"}, "1": {"rows": 1, "lag": 1, "method": "additive", "strength": 0.7, "first_value_only": false, "threshold": 10, "threshold_method": "mean"}, "2": {"output_distribution": "uniform", "n_quantiles": 100}, "3": {"method": "EE", "method_params": {"contamination": 0.1, "assume_centered": false, "support_fraction": 0.2}, "fillna": "rolling_mean_24", "transform_dict": {"fillna": null, "transformations": {"0": "ClipOutliers"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 6}}}, "isolated_only": false, "on_inverse": false}}}, "datepart_method": "simple_2", "regression_type": "User", "regression_model": {"model": "LightGBM", "model_params": {"colsample_bytree": 0.1645, "learning_rate": 0.0203, "max_bin": 1023, "min_child_samples": 16, "n_estimators": 1794, "num_leaves": 15, "reg_alpha": 0.00098, "reg_lambda": 0.686}}}', 'TransformationParameters': '{"fillna": "fake_date", "transformations": {"0": "SeasonalDifference", "1": "AlignLastValue", "2": "QuantileTransformer", "3": "AnomalyRemoval"}, "transformation_params": {"0": {"lag_1": 364, "method": "Mean"}, "1": {"rows": 1, "lag": 1, "method": "additive", "strength": 0.7, "first_value_only": false, "threshold": 10, "threshold_method": "mean"}, "2": {"output_distribution": "uniform", "n_quantiles": 100}, "3": {"method": "EE", "method_params": {"contamination": 0.1, "assume_centered": false, "support_fraction": 0.2}, "fillna": "rolling_mean_24", "transform_dict": {"fillna": null, "transformations": {"0": "ClipOutliers"}, "transformation_params": {"0": {"method": "clip", "std_threshold": 6}}}, "isolated_only": false, "on_inverse": false}}}'}, '93': {'Ensemble': 0, 'Model': 'PreprocessingRegression', 'ModelParameters': '{"window_size": 28, "max_history": null, "one_step": true, "normalize_window": false, "processed_y": true, "transformation_dict": {"fillna": "fake_date", "transformations": {"0": "DifferencedTransformer", "1": "QuantileTransformer", "2": "SeasonalDifference", "3": "Discretize"}, "transformation_params": {"0": {"lag": 1, "fill": "bfill"}, "1": {"output_distribution": "uniform", "n_quantiles": 268}, "2": {"lag_1": 2, "method": "LastValue"}, "3": {"discretization": "upper", "n_bins": 10}}}, "datepart_method": "simple", "regression_type": null, "regression_model": {"model": "LightGBM", "model_params": {"colsample_bytree": 0.1645, "learning_rate": 0.0203, "max_bin": 1023, "min_child_samples": 16, "n_estimators": 1794, "num_leaves": 15, "reg_alpha": 0.00098, "reg_lambda": 0.686}}}', 'TransformationParameters': '{"fillna": "fake_date", "transformations": {"0": "DifferencedTransformer", "1": "QuantileTransformer", "2": "SeasonalDifference", "3": "Discretize"}, "transformation_params": {"0": {"lag": 1, "fill": "bfill"}, "1": {"output_distribution": "uniform", "n_quantiles": 268}, "2": {"lag_1": 2, "method": "LastValue"}, "3": {"discretization": "upper", "n_bins": 10}}}'}, '94': {'Ensemble': 0, 'Model': 'FBProphet', 'ModelParameters': '{"holiday": false, "regression_type": null, "growth": "linear", "n_changepoints": 20, "changepoint_prior_scale": 30, "seasonality_mode": "additive", "changepoint_range": 0.8, "seasonality_prior_scale": 0.01, "holidays_prior_scale": 10.0, "trend_phi": 1}', 'TransformationParameters': '{"fillna": "rolling_mean_24", "transformations": {"0": "Log", "1": "AlignLastValue", "2": "LevelShiftTransformer", "3": "SinTrend", "4": "AlignLastValue"}, "transformation_params": {"0": {}, "1": {"rows": 1, "lag": 1, "method": "additive", "strength": 1.0, "first_value_only": false, "threshold": 10, "threshold_method": "max"}, "2": {"window_size": 30, "alpha": 2.5, "grouping_forward_limit": 2, "max_level_shifts": 5, "alignment": "average"}, "3": {}, "4": {"rows": 4, "lag": 1, "method": "additive", "strength": 1.0, "first_value_only": false, "threshold": null, "threshold_method": "max"}}}'}}
{ # load daily best on some

‘Model’: ‘PreprocessingRegression’, ‘ModelParameters’: ‘’, ‘TransformationParameters’: ‘’, ‘Ensemble’: 0,

},

Type:

“95”

Module contents

Model Templates